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
facebook/regnet-x-032
c2f07bf7b2d97ae5279125dd15ba52456c2b64e2
2022-06-30T10:14:28.000Z
[ "pytorch", "tf", "regnet", "image-classification", "dataset:imagenet-1k", "arxiv:2003.13678", "transformers", "vision", "license:apache-2.0" ]
image-classification
false
facebook
null
facebook/regnet-x-032
0
null
transformers
--- license: apache-2.0 tags: - vision - image-classification datasets: - imagenet-1k widget: - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/tiger.jpg example_title: Tiger - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/teapot.jpg example_title: Teapot - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/palace.jpg example_title: Palace --- # RegNet RegNet model trained on imagenet-1k. It was introduced in the paper [Designing Network Design Spaces](https://arxiv.org/abs/2003.13678) and first released in [this repository](https://github.com/facebookresearch/pycls). Disclaimer: The team releasing RegNet did not write a model card for this model so this model card has been written by the Hugging Face team. ## Model description The authors design search spaces to perform Neural Architecture Search (NAS). They first start from a high dimensional search space and iteratively reduce the search space by empirically applying constraints based on the best-performing models sampled by the current search space. ![model image](https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/regnet_architecture.png) ## Intended uses & limitations You can use the raw model for image classification. See the [model hub](https://huggingface.co/models?search=regnet) to look for fine-tuned versions on a task that interests you. ### How to use Here is how to use this model: ```python >>> from transformers import AutoFeatureExtractor, RegNetForImageClassification >>> import torch >>> from datasets import load_dataset >>> dataset = load_dataset("huggingface/cats-image") >>> image = dataset["test"]["image"][0] >>> feature_extractor = AutoFeatureExtractor.from_pretrained("zuppif/regnet-y-040") >>> model = RegNetForImageClassification.from_pretrained("zuppif/regnet-y-040") >>> inputs = feature_extractor(image, return_tensors="pt") >>> with torch.no_grad(): ... logits = model(**inputs).logits >>> # model predicts one of the 1000 ImageNet classes >>> predicted_label = logits.argmax(-1).item() >>> print(model.config.id2label[predicted_label]) 'tabby, tabby cat' ``` For more code examples, we refer to the [documentation](https://huggingface.co/docs/transformers/master/en/model_doc/regnet).
[ -0.09716660529375076, 0.007682012394070625, 0.014121271669864655, 0.023276086896657944, 0.06860209256410599, -0.05333618447184563, -0.014848208986222744, -0.01589207723736763, -0.011465679854154587, -0.030643023550510406, 0.06083591654896736, -0.012407905422151089, 0.05800802633166313, 0.01747511699795723, 0.014896835200488567, -0.008919008076190948, -0.0103508485481143, -0.003426123643293977, -0.026558542624115944, 0.057863350957632065, 0.015639249235391617, -0.023943835869431496, 0.04035487025976181, -0.07031143456697464, -0.06636063009500504, 0.03219219669699669, -0.01234092190861702, 0.05126837268471718, 0.01533022616058588, -0.10200230777263641, 0.021943826228380203, 0.07724636793136597, -0.002589699812233448, 0.04299914836883545, 0.000983638339675963, 0.08780912309885025, 0.007860628888010979, 0.011296937242150307, -0.0320744551718235, -0.015430392697453499, -0.017375485971570015, -0.04389588534832001, 0.006254520267248154, 0.006984349340200424, 0.045579634606838226, 0.06210136041045189, -0.02223356068134308, -0.04642089083790779, -0.02403254434466362, -0.06225715950131416, -0.05609186738729477, -0.05851702764630318, -0.0450107716023922, 0.010398076847195625, 0.038702286779880524, 0.00003145555092487484, -0.08000215142965317, -0.02837424911558628, -0.012253566645085812, -0.00867350585758686, 0.07555676996707916, 0.02436605468392372, -0.10160782933235168, 0.04772774875164032, -0.04140566289424896, -0.02821141853928566, 0.0019135790644213557, 0.004911558702588081, 0.10138271003961563, -0.07841119915246964, 0.032538603991270065, 0.018634723499417305, -0.03861997276544571, -0.05134874954819679, 0.013018159195780754, 0.07011505216360092, 0.06772124767303467, 0.03917575627565384, 0.04954743757843971, -0.15942640602588654, 0.027013957500457764, 0.01786026544868946, 0.048979751765728, 0.04145161435008049, 0.051844604313373566, 0.0009430519421584904, -0.058690134435892105, 0.046651970595121384, -0.020469684153795242, -0.08207042515277863, 0.03163445368409157, 0.009347324259579182, 0.0028867588844150305, 0.018730390816926956, -0.019496304914355278, 0.03770190849900246, 0.04669198766350746, -0.028467770665884018, -0.06310927122831345, 0.14418062567710876, -0.0376872718334198, -0.03864360228180885, 0.05215407535433769, 0.03298735246062279, 0.11917102336883545, -0.012824075296521187, -0.018082348629832268, 0.09366966784000397, 0.06376276165246964, -0.08608433604240417, -0.036302898079156876, -0.036654144525527954, -0.1260656863451004, -0.0446462519466877, -0.034973517060279846, -0.030190028250217438, -0.07782069593667984, -0.010814049281179905, 0.024108627811074257, -0.012454072013497353, -0.004765444900840521, -0.014624548144638538, -0.003850947367027402, -0.07903586328029633, -0.018991751596331596, -0.03532534837722778, -0.1297893226146698, 3.50477130446519e-33, 0.044933199882507324, 0.035841889679431915, 0.019362278282642365, -0.008647664450109005, 0.1497158706188202, -0.06888682395219803, 0.005489308852702379, -0.01098641101270914, -0.04356381297111511, 0.028893496841192245, -0.056821200996637344, -0.03699297830462456, -0.05975330248475075, 0.08214712142944336, 0.05646210536360741, -0.03371042013168335, -0.09220226854085922, 0.037232764065265656, 0.054384224116802216, 0.03647639974951744, 0.004630390554666519, -0.006846239324659109, 0.053070325404405594, -0.025238364934921265, -0.07161946594715118, 0.09225117415189743, 0.042292576283216476, -0.052296604961156845, 0.039366286247968674, 0.03572414442896843, 0.03044199012219906, -0.009886800311505795, 0.0647524893283844, 0.0010032916907221079, -0.037797000259160995, -0.026812415570020676, -0.010420884937047958, -0.1088026687502861, -0.020117461681365967, -0.010832888074219227, -0.026955515146255493, 0.03736964613199234, -0.03599542751908302, -0.045551665127277374, -0.07525602728128433, -0.02174755185842514, 0.032454948872327805, 0.03375387191772461, -0.0144345136359334, 0.0739017054438591, 0.02717040665447712, -0.01545436680316925, -0.014640471898019314, -0.05159163102507591, -0.12875495851039886, -0.03792324662208557, 0.03680656477808952, 0.05741047114133835, 0.05810496211051941, 0.02824973315000534, 0.009730691090226173, -0.03337855264544487, 0.025311453267931938, 0.05299282819032669, 0.026739249005913734, 0.03194962069392204, 0.020145108923316002, -0.021877601742744446, -0.004108314868062735, -0.008082971908152103, -0.03972747176885605, 0.05262526869773865, -0.04788124933838844, -0.029971610754728317, 0.04033566638827324, -0.05463443696498871, 0.008657876402139664, -0.007900386117398739, -0.08642689883708954, 0.08447560667991638, -0.12432397902011871, 0.10845537483692169, -0.05906122922897339, -0.04778726398944855, -0.09162657707929611, 0.014650704339146614, 0.11773178726434708, -0.04152142256498337, 0.01837034523487091, 0.030036533251404762, 0.018998106941580772, 0.01752655953168869, -0.02204412780702114, -0.017079109326004982, -0.02301652915775776, -3.285342876023148e-33, 0.011855840682983398, 0.01161721721291542, -0.05686809867620468, -0.018221594393253326, 0.023144563660025597, -0.035772405564785004, 0.06981031596660614, 0.08601396530866623, -0.002929234877228737, -0.008323585614562035, 0.10156189650297165, 0.05797358974814415, -0.0043416316621005535, -0.04001922532916069, 0.012745693325996399, -0.06973119080066681, 0.003274401417002082, -0.11555501818656921, -0.04411463066935539, 0.05324950069189072, 0.05873684212565422, 0.09137451648712158, -0.07388678193092346, 0.059504080563783646, -0.03356446325778961, 0.08154607564210892, -0.0025960453785955906, 0.017206907272338867, 0.006320619489997625, -0.015496810898184776, -0.010833929292857647, -0.05785640329122543, -0.07283464819192886, 0.06236042082309723, -0.003025482874363661, 0.045231740921735764, 0.007260007318109274, 0.04864973947405815, -0.04354027286171913, 0.06619587540626526, 0.0698954164981842, 0.014706197194755077, -0.12015208601951599, 0.09654022753238678, 0.01170218363404274, -0.07934167981147766, 0.0015810105251148343, -0.040498603135347366, 0.04610532894730568, -0.06428751349449158, 0.012800658121705055, -0.048015058040618896, -0.05159768462181091, -0.004151454661041498, -0.006182878278195858, 0.0391574390232563, 0.010159253142774105, 0.05909980461001396, 0.048454973846673965, 0.020841844379901886, 0.027342790737748146, -0.10179975628852844, -0.11793578416109085, -0.007137575186789036, -0.002282719360664487, 0.04901917278766632, -0.0665442943572998, -0.022806398570537567, -0.030358728021383286, -0.009845630265772343, -0.006060739979147911, 0.028337929397821426, 0.003059387905523181, 0.03754154220223427, 0.01793796569108963, -0.08175027370452881, 0.03816763311624527, 0.0170703437179327, 0.049112915992736816, -0.013798151165246964, -0.09405837953090668, -0.029556147754192352, 0.01347394473850727, 0.06192939355969429, 0.1153414398431778, -0.011369859799742699, 0.018414035439491272, 0.07506821304559708, 0.006866713520139456, -0.048283349722623825, -0.018331432715058327, 0.0577523410320282, 0.0444839783012867, 0.1339530348777771, 0.05478709191083908, -5.8315002604558686e-8, -0.07394274324178696, 0.025576256215572357, 0.006479194853454828, -0.014790876768529415, -0.04031252861022949, -0.028992926701903343, 0.08385083079338074, -0.05318543314933777, -0.0036478424444794655, -0.014283008873462677, 0.06678672134876251, 0.025980884209275246, -0.09536658227443695, -0.012705155648291111, -0.02218969352543354, 0.030148139223456383, -0.0010425877990201116, 0.080894835293293, -0.07746579498052597, -0.03978375717997551, -0.039949096739292145, -0.06269140541553497, 0.03845854103565216, -0.060114238411188126, 0.0017386998515576124, -0.03147940710186958, -0.05017074570059776, -0.018659833818674088, -0.03611375018954277, -0.007518148049712181, -0.0006508665392175317, 0.014260615222156048, 0.06636057794094086, -0.016017915681004524, 0.07489925622940063, 0.06312288343906403, -0.058462172746658325, -0.00008024947601370513, 0.03454691544175148, 0.003151544602587819, -0.018048658967018127, -0.04428468644618988, -0.06081487610936165, -0.004874543286859989, 0.11756552010774612, 0.07060358673334122, 0.040230605751276016, -0.029561731964349747, 0.0065278057008981705, 0.047751132398843765, 0.04755748063325882, -0.03372340276837349, -0.021243000403046608, 0.04413686320185661, -0.021610550582408905, -0.015580623410642147, 0.02883278764784336, -0.04045568034052849, 0.06893184036016464, 0.01851162686944008, 0.05243448168039322, 0.015263225883245468, -0.00531374616548419, 0.01543126255273819 ]
krinal214/bert-all
76a7fc429293e49c41464ef839cc01093ea2de90
2022-03-15T21:02:20.000Z
[ "pytorch", "tensorboard", "bert", "question-answering", "dataset:tydiqa", "transformers", "generated_from_trainer", "license:apache-2.0", "model-index", "autotrain_compatible" ]
question-answering
false
krinal214
null
krinal214/bert-all
0
null
transformers
--- license: apache-2.0 tags: - generated_from_trainer datasets: - tydiqa model-index: - name: bert-all 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-all This model is a fine-tuned version of [bert-base-multilingual-cased](https://huggingface.co/bert-base-multilingual-cased) on the tydiqa dataset. It achieves the following results on the evaluation set: - Loss: 0.5985 ## 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 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 1.1556 | 1.0 | 3552 | 0.5985 | ### Framework versions - Transformers 4.15.0 - Pytorch 1.9.1 - Datasets 2.0.0 - Tokenizers 0.10.3
[ -0.06537594646215439, -0.038344621658325195, 0.0134267657995224, 0.019456174224615097, 0.012228528968989849, 0.06506146490573883, 0.024998575448989868, 0.008907201699912548, -0.022027000784873962, -0.038596879690885544, 0.01891469582915306, -0.07856754958629608, 0.013660869561135769, -0.0030407689046114683, -0.016534147784113884, 0.06664208322763443, 0.0620514340698719, -0.06205865368247032, -0.06720205396413803, 0.003521077800542116, 0.06120694801211357, 0.07751868665218353, 0.08219542354345322, -0.013003785163164139, 0.008760233409702778, -0.04096980392932892, -0.06967267394065857, -0.019299468025565147, 0.04931960254907608, 0.03622414544224739, 0.049535173922777176, 0.026428211480379105, -0.0030063751619309187, 0.06202065944671631, 0.049886107444763184, 0.06375681608915329, -0.024527695029973984, -0.052184898406267166, 0.05018088221549988, 0.079338937997818, 0.0014263398479670286, -0.021412955597043037, -0.05278521776199341, 0.015256582759320736, 0.06824932247400284, -0.0027805273421108723, -0.04463612288236618, -0.03306962922215462, -0.023416517302393913, 0.0018967665964737535, -0.10458920896053314, -0.055782515555620193, 0.11564029008150101, -0.04814363270998001, -0.029592663049697876, 0.04729945585131645, 0.008945388719439507, -0.0013677548849955201, -0.04311152175068855, -0.04445084556937218, -0.08058570325374603, -0.026022233068943024, -0.011334248818457127, -0.03503816947340965, -0.10537053644657135, -0.006048606242984533, -0.04481841251254082, -0.001017724978737533, 0.021713145077228546, -0.01684759184718132, 0.029711686074733734, 0.06362168490886688, 0.007272503338754177, 0.028545072302222252, -0.016525378450751305, -0.03773961216211319, 0.08697470277547836, -0.0035718341823667288, 0.07395584136247635, -0.11841970682144165, -0.009065616875886917, -0.049028802663087845, 0.05312325432896614, -0.024459540843963623, 0.0988326221704483, -0.009426401928067207, 0.0769001841545105, -0.026479119434952736, 0.019047865644097328, 0.0170926321297884, -0.0448954813182354, -0.08924117684364319, 0.017596356570720673, 0.02325054630637169, 0.05563627928495407, 0.022909371182322502, 0.04100070893764496, -0.026223577558994293, -0.015133635140955448, 0.07606425881385803, 0.007110509090125561, 0.06253360211849213, 0.030054762959480286, -0.013999122194945812, 0.025355355814099312, 0.045605096966028214, 0.03553574159741402, 0.06340235471725464, 0.08983926475048065, -0.08579017966985703, 0.03573078662157059, 0.02448694407939911, 0.04203106462955475, -0.03885513171553612, -0.0033447183668613434, 0.05242443084716797, -0.016673758625984192, 0.030108759179711342, -0.012037130072712898, 0.09257703274488449, -0.0315561480820179, -0.02631002478301525, 0.03427274152636528, 0.0335640013217926, -0.05046185106039047, -0.03197023272514343, -0.010475417599081993, 1.9565289806941016e-33, 0.042028166353702545, 0.006914337165653706, -0.02184295654296875, -0.07483673095703125, 0.008321798406541348, 0.0012236289912834764, 0.01928851380944252, -0.0325353629887104, -0.043141454458236694, -0.08251319080591202, -0.09800244122743607, -0.04266376048326492, -0.07636675238609314, 0.07586152106523514, -0.025161676108837128, 0.02005396969616413, -0.024155793711543083, 0.10623980313539505, 0.08978234231472015, 0.03482947126030922, 0.11889605224132538, 0.06016620621085167, -0.031822677701711655, -0.11763817071914673, -0.08000953495502472, 0.08609477430582047, 0.061867788434028625, -0.02468527853488922, -0.026506491005420685, 0.04784858226776123, -0.09792907536029816, 0.03289676830172539, -0.0357479453086853, 0.016125401481986046, 0.016243109479546547, 0.031131954863667488, 0.0011782624060288072, 0.04018724337220192, -0.0028252070769667625, -0.043968938291072845, -0.022223997861146927, 0.0621139295399189, 0.04283372312784195, -0.0821470245718956, -0.041865475475788116, -0.032538529485464096, 0.06025770306587219, 0.02559322863817215, 0.05702359974384308, -0.0023620729334652424, -0.041646476835012436, -0.022420357912778854, 0.010055669583380222, 0.006025766953825951, 0.0021316984202712774, -0.022000085562467575, 0.047596078366041183, 0.09215178340673447, 0.052391525357961655, 0.004105028230696917, -0.016078660264611244, -0.01638946868479252, -0.0018649098929017782, -0.0069349403493106365, -0.0238789152354002, -0.07827629894018173, -0.02950446866452694, -0.06234601140022278, 0.004480450414121151, 0.025356663390994072, -0.037643127143383026, -0.01839383691549301, 0.02331598475575447, 0.018293941393494606, 0.053777944296598434, -0.09113380312919617, 0.01839371770620346, -0.0812307745218277, -0.02177266590297222, -0.029220707714557648, 0.025823097676038742, 0.058402568101882935, -0.03536619991064072, -0.09219654649496078, -0.038510844111442566, -0.017661554738879204, 0.02768022194504738, -0.06263589859008789, -0.0072958762757480145, 0.036387547850608826, 0.00009503529145149514, -0.0425310917198658, -0.06948886811733246, -0.025562699884176254, -0.024472676217556, -2.797998346535582e-33, -0.04119410365819931, 0.07751946896314621, -0.10343246906995773, 0.030935492366552353, -0.07698505371809006, -0.060110870748758316, 0.0572340190410614, 0.18033966422080994, -0.04838896170258522, -0.05438913032412529, 0.03615377098321915, -0.04519646242260933, -0.09460370987653732, -0.019517429172992706, 0.01488445047289133, 0.02215273305773735, -0.032105207443237305, 0.05219579115509987, 0.007196806836873293, -0.032463375478982925, -0.0013718318659812212, 0.03408227115869522, -0.0997186154127121, 0.07247772067785263, 0.027584601193666458, 0.040277689695358276, -0.03846898674964905, 0.12452804297208786, 0.038042325526475906, -0.01651911437511444, -0.0096210315823555, -0.02771965228021145, -0.06452647596597672, 0.08236169070005417, -0.011689022183418274, 0.05946119502186775, 0.05237907916307449, -0.04199580103158951, -0.024518335238099098, 0.09691012650728226, 0.05300889536738396, 0.02105036936700344, -0.05315278097987175, 0.0753554254770279, -0.003607617923989892, 0.041686564683914185, -0.06605252623558044, -0.06639626622200012, -0.004633539356291294, -0.05182058736681938, 0.02036881074309349, -0.06175319477915764, -0.07842930406332016, -0.0035328962840139866, -0.06403638422489166, -0.10468669980764389, 0.02155378833413124, -0.014229564927518368, -0.09273838996887207, -0.0020333097781986, -0.04015864059329033, 0.038920219987630844, -0.008492221124470234, 0.021535614505410194, 0.003974239341914654, -0.031240709125995636, -0.0690411850810051, 0.07489768415689468, 0.01616390235722065, 0.008708386681973934, -0.06283189356327057, 0.000584021327085793, 0.056575141847133636, 0.028903817757964134, 0.0066661713644862175, 0.02408311702311039, -0.036529384553432465, -0.040028005838394165, 0.020189613103866577, -0.08064549416303635, -0.028217626735568047, -0.01224193163216114, 0.04560406506061554, 0.039334993809461594, 0.0013150145532563329, 0.11708028614521027, 0.08135876804590225, 0.08346179127693176, -0.030522117391228676, 0.010166846215724945, 0.02659653313457966, 0.006393421441316605, -0.015491094440221786, 0.1220797672867775, 0.024433337152004242, -5.705980399284272e-8, -0.045729175209999084, 0.04171852022409439, -0.03507417067885399, 0.07189945131540298, -0.0289644505828619, -0.029834840446710587, -0.04500458016991615, 0.03483143076300621, -0.02505606599152088, -0.01040948648005724, 0.01335220504552126, 0.07497914880514145, -0.11741979420185089, 0.01929369568824768, -0.008643551729619503, 0.014240449294447899, -0.038450878113508224, 0.08823706209659576, -0.008907049894332886, -0.03275664523243904, 0.0070527768693864346, 0.02484869211912155, 0.008902519941329956, -0.07595901936292648, 0.028501160442829132, -0.08148296177387238, -0.03165680542588234, 0.10749199241399765, -0.051324233412742615, -0.02739548496901989, -0.008726505562663078, 0.033913616091012955, -0.09905052185058594, -0.020614126697182655, 0.023273464292287827, 0.0977596640586853, -0.09745610505342484, -0.019312044605612755, 0.03227246180176735, 0.05283075571060181, 0.013725991360843182, 0.06349457055330276, -0.06773651391267776, -0.009689301252365112, 0.08920507878065109, -0.01928422600030899, -0.03106672689318657, -0.086515411734581, 0.04504946246743202, -0.011672231368720531, 0.04941502586007118, -0.05490592494606972, -0.04644472897052765, 0.03974785655736923, -0.02607276663184166, -0.015920482575893402, -0.12141376733779907, -0.023232435807585716, 0.02090180478990078, 0.006553662940859795, -0.02053828351199627, 0.008056803606450558, 0.0285748690366745, 0.030053379014134407 ]
huggingtweets/theshiftnews
c9da2de7c6dc40de124deb4c8cec3979bb1f66f1
2022-03-15T20:56:54.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/theshiftnews
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/theshiftnews/1647377809961/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/1318831968352612352/blMpdUu4_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">The Shift News</div> <div style="text-align: center; font-size: 14px;">@theshiftnews</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 The Shift News. | Data | The Shift News | | --- | --- | | Tweets downloaded | 3216 | | Retweets | 446 | | Short tweets | 43 | | Tweets kept | 2727 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/1k4siv5q/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 @theshiftnews's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/2cedhhrz) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/2cedhhrz/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/theshiftnews') 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.014217178337275982, 0.12203636765480042, -0.009988607838749886, 0.04665404558181763, 0.17403826117515564, -0.013822268694639206, -0.04959692060947418, 0.03180549666285515, 0.07804103940725327, -0.054849594831466675, 0.00685716699808836, 0.07368896901607513, 0.018270472064614296, -0.04259597510099411, -0.021653691306710243, 0.03843757137656212, -0.07854968309402466, -0.043348945677280426, -0.0508151538670063, 0.03167593851685524, -0.0837298035621643, -0.08350980281829834, 0.07786902040243149, -0.052140943706035614, -0.03739042207598686, 0.06039240583777428, -0.009153048507869244, 0.050241533666849136, -0.010006082244217396, -0.019728222861886024, -0.038348011672496796, 0.030398594215512276, 0.04885253310203552, 0.0374285988509655, -0.02018354833126068, 0.028269588947296143, -0.014828677289187908, 0.013240608386695385, -0.05230625346302986, 0.02920551225543022, -0.01662384904921055, -0.11408994346857071, 0.04692796617746353, 0.03450824320316315, -0.02913619950413704, -0.030413668602705002, -0.009209148585796356, -0.01434624195098877, -0.04778396338224411, 0.02496221661567688, -0.055433955043554306, -0.0442311055958271, 0.003720894455909729, -0.004586050286889076, 0.010337498970329762, 0.05424527823925018, 0.0301167294383049, -0.05598129704594612, 0.06550194323062897, -0.017361346632242203, 0.11898736655712128, 0.09558742493391037, 0.08996966481208801, 0.0017772461287677288, 0.008398438803851604, -0.008468999527394772, -0.06695417314767838, 0.04422434791922569, -0.02938787266612053, -0.004674067255109549, 0.024493083357810974, 0.004742220044136047, -0.031049469485878944, -0.04510758817195892, 0.06108259782195091, -0.05903666093945503, -0.008834604173898697, 0.018478818237781525, -0.009348304010927677, 0.06873773783445358, 0.04624365642666817, -0.06167266517877579, 0.014439862221479416, -0.02888774499297142, 0.05623292550444603, 0.022603774443268776, 0.0006481918389908969, -0.0944834053516388, -0.02755965106189251, 0.02072015032172203, -0.01616986095905304, -0.023566043004393578, 0.0019047667738050222, 0.04304082691669464, -0.04007553309202194, 0.028465405106544495, -0.06154705956578255, -0.1469583660364151, -0.12313622981309891, 0.06809674948453903, 0.0030697910115122795, -0.04538458213210106, 0.06804081052541733, 0.02637220360338688, 0.010929979383945465, -0.029927967116236687, -0.03234283998608589, 0.01660160720348358, -0.007859259843826294, -0.018445052206516266, 0.04079825058579445, -0.049686022102832794, -0.10964091867208481, 0.016948038712143898, -0.030764836817979813, -0.11000075936317444, -0.007818431593477726, 0.03760163486003876, 0.08661643415689468, -0.026450781151652336, 0.06400809437036514, 0.15119348466396332, -0.0312112458050251, -0.09126657992601395, -0.0015748785808682442, 0.03268143907189369, -0.04703284427523613, 1.162639071133298e-32, 0.05767923593521118, 0.0047969152219593525, -0.049622904509305954, 0.032208655029535294, 0.12211361527442932, -0.002216523280367255, -0.016083357855677605, -0.035160236060619354, -0.09557685256004333, -0.0021913519594818354, 0.0754285454750061, 0.02484831027686596, 0.007758861407637596, 0.02329767495393753, 0.0011594189563766122, -0.09228188544511795, -0.03252088651061058, 0.0014524577418342233, -0.008704609237611294, 0.01740431785583496, -0.10879100859165192, 0.04865926131606102, -0.041299644857645035, -0.06974207609891891, -0.053845085203647614, 0.007964079268276691, 0.0812692940235138, -0.0473039485514164, -0.006601928733289242, -0.0011577510740607977, -0.058831971138715744, -0.004873213358223438, 0.06762310862541199, -0.06078119948506355, 0.04836028814315796, 0.006841322407126427, 0.007747727911919355, -0.08611445128917694, 0.004979405086487532, 0.04918869212269783, -0.029946159571409225, -0.05101022496819496, 0.05284562706947327, -0.03911959379911423, -0.05141834169626236, 0.08837159723043442, 0.13382455706596375, 0.021878015249967575, -0.01483116950839758, -0.05030979588627815, -0.025203609839081764, -0.01313029695302248, -0.04227747023105621, -0.09672777354717255, -0.014454108662903309, -0.0897107645869255, -0.0020278345327824354, 0.017011838033795357, 0.03458790481090546, -0.037886083126068115, -0.00798856746405363, -0.07202056050300598, 0.03876102343201637, -0.08003394305706024, 0.03278201073408127, 0.03663688525557518, -0.080002062022686, -0.03678322583436966, 0.0445856973528862, -0.03381326049566269, -0.04592384025454521, -0.005690423771739006, 0.09981649369001389, -0.052676599472761154, -0.04645402356982231, 0.028331933543086052, -0.020966187119483948, -0.054973043501377106, -0.0377160869538784, 0.02878757007420063, -0.0402538888156414, -0.008901845663785934, 0.03167002648115158, 0.0018338331719860435, -0.027811426669359207, -0.010460425168275833, -0.012361856177449226, -0.05399036407470703, 0.02611425705254078, -0.0035357375163584948, -0.10691844671964645, -0.014244602993130684, 0.02612253464758396, -0.09620057046413422, -0.07263462245464325, -1.2062043611427105e-32, 0.0651603490114212, 0.007845262065529823, -0.016670353710651398, 0.04357701539993286, 0.08539121598005295, 0.05536884441971779, 0.053228601813316345, 0.05507655441761017, 0.017865804955363274, -0.0042545488104224205, 0.0584137961268425, -0.033740170300006866, -0.08524847030639648, -0.04772205278277397, 0.011971557512879372, 0.023470217362046242, 0.06804251670837402, -0.029009370133280754, -0.03649711608886719, 0.02432660013437271, 0.01952620968222618, 0.028165221214294434, -0.007946996949613094, 0.08814945071935654, -0.07047130912542343, -0.013890012167394161, 0.08047188818454742, -0.00259262602776289, -0.005720813758671284, 0.009032133966684341, -0.04364405944943428, -0.0896703451871872, -0.018978267908096313, 0.05233972892165184, 0.05638173595070839, 0.008623560890555382, -0.06816872954368591, -0.043312765657901764, -0.026306452229619026, -0.046493615955114365, 0.012750987894833088, -0.09255155175924301, -0.06413845717906952, -0.019326910376548767, 0.03357929363846779, -0.039753202348947525, 0.029283076524734497, -0.024892477318644524, 0.00715819513425231, 0.044651854783296585, 0.033920515328645706, 0.040860552340745926, -0.028519000858068466, -0.02163456752896309, -0.029387831687927246, -0.09235329926013947, -0.048389822244644165, 0.029090506955981255, 0.012037384323775768, 0.027626078575849533, 0.033797021955251694, 0.035309404134750366, -0.02208559773862362, 0.01370070967823267, 0.06554049998521805, 0.03598330542445183, -0.07448316365480423, 0.044611506164073944, -0.07005070149898529, 0.005389182362705469, 0.03267115354537964, 0.06210237368941307, 0.04698337987065315, -0.0035992679186165333, 0.03784333914518356, -0.02203003689646721, 0.08314774930477142, 0.0024815495125949383, 0.07956626266241074, 0.001315430854447186, -0.06858087331056595, -0.05960031598806381, -0.03452114388346672, -0.0028562783263623714, -0.06496460735797882, -0.004092996008694172, -0.02567746676504612, 0.10087502002716064, -0.030753418803215027, -0.0436788909137249, -0.04364673048257828, 0.071862131357193, 0.05625954642891884, 0.03167523816227913, 0.06729333847761154, -6.7665176572973e-8, -0.03929862752556801, -0.0878722220659256, -0.009897002018988132, 0.0015901860315352678, -0.04988570511341095, 0.03683698549866676, 0.04190930351614952, -0.149985209107399, -0.015520631335675716, -0.04737083986401558, 0.045239467173814774, 0.02098396047949791, -0.07220540940761566, 0.019037358462810516, -0.03582768142223358, 0.0247031282633543, -0.10439690947532654, 0.06922723352909088, 0.0007164826965890825, -0.07720831036567688, -0.0025822892785072327, 0.03768504038453102, 0.01750706508755684, -0.027709227055311203, -0.0006964222411625087, 0.07010713964700699, -0.11099127680063248, 0.0018558008596301079, 0.016704389825463295, 0.00816112756729126, 0.04569090157747269, -0.06740649044513702, 0.02991607040166855, -0.06096872314810753, -0.004697583150118589, -0.05775851011276245, -0.02856915257871151, -0.03756108507514, 0.022276371717453003, 0.0178610160946846, 0.03276215121150017, 0.03143765777349472, 0.06994389742612839, 0.05046737566590309, -0.03104800172150135, 0.0007982373354025185, 0.04661284387111664, -0.0010595315834507346, 0.032315678894519806, 0.03669843077659607, -0.016179848462343216, -0.07931914180517197, -0.0013981006341055036, 0.0328465960919857, 0.05731196701526642, 0.0003128880343865603, -0.013432259671390057, 0.0648208037018776, -0.015729734674096107, 0.07393694669008255, 0.04423472657799721, 0.05737519636750221, -0.0006163527141325176, 0.06545989960432053 ]
huggingtweets/maltatoday-netnewsmalta-one_news_malta
e4ea8f1e4c1623810d2abd8ad155a725e5f6dad0
2022-03-15T21:21:32.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/maltatoday-netnewsmalta-one_news_malta
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/maltatoday-netnewsmalta-one_news_malta/1647379141053/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/1442160889596026883/gq6jcObz_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/1047423145077030912/0B4-Tgba_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/1333858206012084227/XP6EKW-K_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">ONE news & NETnews & MaltaToday</div> <div style="text-align: center; font-size: 14px;">@maltatoday-netnewsmalta-one_news_malta</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 ONE news & NETnews & MaltaToday. | Data | ONE news | NETnews | MaltaToday | | --- | --- | --- | --- | | Tweets downloaded | 3250 | 3250 | 3250 | | Retweets | 0 | 0 | 1 | | Short tweets | 17 | 1 | 3 | | Tweets kept | 3233 | 3249 | 3246 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/1lme9vpn/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 @maltatoday-netnewsmalta-one_news_malta's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/zkwd2sgh) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/zkwd2sgh/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/maltatoday-netnewsmalta-one_news_malta') 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.018509885296225548, 0.12247832119464874, -0.002774352440610528, 0.04899478703737259, 0.16651730239391327, -0.0047947498969733715, -0.04554138332605362, 0.04678639397025108, 0.06902560591697693, -0.0394386351108551, 0.011459865607321262, 0.08430720120668411, 0.023023508489131927, -0.028164520859718323, -0.014054742641746998, 0.03321032226085663, -0.09700922667980194, -0.032926104962825775, -0.06321173906326294, 0.03158530965447426, -0.09031571447849274, -0.09431029856204987, 0.0767841637134552, -0.060473889112472534, -0.057547181844711304, 0.06898147612810135, -0.006664890330284834, 0.0601160041987896, -0.010723828338086605, -0.039496902376413345, -0.046076275408267975, 0.028238855302333832, 0.05626596137881279, 0.030947715044021606, -0.014568452723324299, 0.04259867966175079, -0.02311551384627819, 0.013132577762007713, -0.05736858397722244, 0.02526729740202427, -0.012741567566990852, -0.12107100337743759, 0.07439272850751877, 0.03387463837862015, -0.034315235912799835, -0.03571783006191254, -0.01147526130080223, -0.00926470011472702, -0.033710237592458725, 0.03173390403389931, -0.06852784752845764, -0.04788951575756073, 0.012693447060883045, -0.004474414978176355, 0.011371544562280178, 0.06579024344682693, 0.017130084335803986, -0.062358930706977844, 0.0674198791384697, -0.02255232259631157, 0.1143295094370842, 0.1012556329369545, 0.0762103870511055, 0.01175465527921915, -0.0013880323385819793, -0.015244214795529842, -0.06487584114074707, 0.04730886220932007, -0.03145189955830574, -0.0038099715020507574, 0.01949985884130001, 0.0038679218851029873, -0.027459250763058662, -0.02672007493674755, 0.043932609260082245, -0.051061682403087616, -0.013716520741581917, 0.023018935695290565, -0.024802468717098236, 0.04799691215157509, 0.03722532466053963, -0.055791083723306656, 0.0070722829550504684, -0.036302387714385986, 0.06488052010536194, 0.020786967128515244, 0.00004870332122663967, -0.10589873790740967, -0.033800557255744934, 0.018311694264411926, -0.004233562853187323, -0.021227680146694183, 0.008157772943377495, 0.03949744254350662, -0.04974833130836487, 0.03687804937362671, -0.05648746341466904, -0.1497725248336792, -0.11697151511907578, 0.07243059575557709, 0.0045601739548146725, -0.0403396300971508, 0.07120145112276077, 0.03018064796924591, 0.012432496063411236, -0.029646677896380424, -0.04115644469857216, 0.03787151724100113, -0.0017254094127565622, -0.0169658362865448, 0.04613623768091202, -0.04651574045419693, -0.11043789237737656, 0.009595497511327267, -0.02673547901213169, -0.10003668814897537, -0.016105996444821358, 0.0197807177901268, 0.10547331720590591, -0.018522577360272408, 0.06671922653913498, 0.14917682111263275, -0.040649738162755966, -0.10015338659286499, 0.01382608525454998, 0.028816277161240578, -0.0515279695391655, 1.0791653071030873e-32, 0.050090011209249496, 0.01257217489182949, -0.054359547793865204, 0.04653462395071983, 0.11357328295707703, 0.003683841787278652, -0.017912743613123894, -0.027601229026913643, -0.10064978152513504, -0.0033432617783546448, 0.06926894187927246, 0.020641976967453957, 0.0036250934936106205, 0.023189572617411613, 0.0003945607168134302, -0.08391201496124268, -0.021025758236646652, -0.010705452412366867, -0.01654059998691082, 0.011404269374907017, -0.10487797856330872, 0.04019945114850998, -0.03017520159482956, -0.056960996240377426, -0.05235307663679123, 0.014214369468390942, 0.09187669306993484, -0.04653075709939003, -0.012658536434173584, 0.0005840077064931393, -0.052741244435310364, -0.016262846067547798, 0.05939364433288574, -0.05796055495738983, 0.04138142988085747, 0.003596863243728876, 0.011366932652890682, -0.08345459401607513, -0.0027268368285149336, 0.04612688720226288, -0.04003053903579712, -0.049843136221170425, 0.047302063554525375, -0.033507976680994034, -0.04576704278588295, 0.07913874089717865, 0.12349162995815277, 0.0194197129458189, -0.008842800743877888, -0.041213247925043106, -0.027145789936184883, -0.01404871791601181, -0.05259153991937637, -0.08109645545482635, -0.0029770059045404196, -0.0897911936044693, -0.01413964293897152, 0.02622695080935955, 0.02547616697847843, -0.01895858347415924, 0.0064625549130141735, -0.061798349022865295, 0.027980895712971687, -0.07506926357746124, 0.03363882750272751, 0.03633156418800354, -0.07284314930438995, -0.01576429419219494, 0.0520908385515213, -0.01761624962091446, -0.03579295799136162, -0.001019174582324922, 0.10780123621225357, -0.03895452991127968, -0.05877861753106117, 0.03387919440865517, -0.014093390665948391, -0.04857977107167244, -0.02949264645576477, 0.024404561147093773, -0.05518263950943947, 0.0033283031079918146, 0.03973298892378807, 0.011618505232036114, -0.04973045736551285, -0.006218611262738705, -0.011701247654855251, -0.054509736597537994, 0.03218834474682808, -0.005319633055478334, -0.10403086245059967, -0.009067968465387821, 0.033256929367780685, -0.07932072877883911, -0.08874001353979111, -1.1408011044257062e-32, 0.05526724085211754, 0.018164003267884254, -0.014234953559935093, 0.041624318808317184, 0.09004400670528412, 0.06450061500072479, 0.050338588654994965, 0.05770797282457352, 0.008393146097660065, 0.0030981176532804966, 0.044922590255737305, -0.02461070753633976, -0.09270025044679642, -0.047946177423000336, 0.0022319986019283533, 0.01804717443883419, 0.06833343207836151, -0.04546871408820152, -0.034923989325761795, 0.022663060575723648, 0.0183675866574049, 0.03462079539895058, -0.008755795657634735, 0.09395832568407059, -0.04981344938278198, -0.010647917166352272, 0.07781952619552612, 0.001224484178237617, -0.00734627665951848, 0.022417275235056877, -0.04503956064581871, -0.09037301689386368, -0.024339985102415085, 0.06559722125530243, 0.07108312845230103, 0.015701178461313248, -0.06975051015615463, -0.040288396179676056, -0.023844223469495773, -0.032711539417505264, 0.010396476835012436, -0.09952392429113388, -0.06603105366230011, -0.02088664099574089, 0.03200991824269295, -0.044067736715078354, 0.030293671414256096, -0.03887968137860298, 0.006147665902972221, 0.03547128662467003, 0.02845691703259945, 0.043032146990299225, -0.013751223683357239, -0.02215365320444107, -0.03536756709218025, -0.09942647069692612, -0.04949021711945534, 0.030917411670088768, 0.0024271574802696705, 0.034312501549720764, 0.024022452533245087, 0.027645904570817947, -0.02833336777985096, 0.008538917638361454, 0.058015938848257065, 0.034027453511953354, -0.07348258793354034, 0.021596362814307213, -0.0821140706539154, 0.009842791594564915, 0.023675689473748207, 0.052844781428575516, 0.0326608344912529, -0.005219562910497189, 0.03719397634267807, -0.015672557055950165, 0.09611628204584122, 0.0060388315469026566, 0.0838734582066536, 0.009710698388516903, -0.074892058968544, -0.07449419051408768, -0.041077300906181335, -0.006850812584161758, -0.06059173867106438, -0.003929418511688709, -0.014230170287191868, 0.10284999012947083, -0.02616245299577713, -0.03737349808216095, -0.03898167610168457, 0.07498197257518768, 0.05250565707683563, 0.02324635162949562, 0.060874853283166885, -6.645522887538391e-8, -0.03943494334816933, -0.08084753900766373, -0.016907721757888794, 0.011130654253065586, -0.04637366905808449, 0.024919060990214348, 0.042373593896627426, -0.1546289622783661, -0.02566647343337536, -0.048718374222517014, 0.034572355449199677, 0.017123887315392494, -0.05916999652981758, 0.03158727288246155, -0.03264870122075081, 0.014932595193386078, -0.11866933852434158, 0.07664048671722412, -0.0015265976544469595, -0.06818190962076187, 0.0007125163683667779, 0.03209047392010689, 0.009379075840115547, -0.024419626221060753, -0.011375343427062035, 0.05839880183339119, -0.10534743219614029, 0.008800208568572998, 0.005126584321260452, 0.004578812047839165, 0.03334728255867958, -0.05771569907665253, 0.03497989475727081, -0.05815611407160759, 0.0037295615766197443, -0.06660360097885132, -0.02155737206339836, -0.036708131432533264, 0.014459890313446522, 0.019634928554296494, 0.026321126148104668, 0.027318192645907402, 0.07516975700855255, 0.050028640776872635, -0.017887389287352562, 0.0025902586057782173, 0.042309608310461044, 0.005911908578127623, 0.03896411880850792, 0.022765900939702988, -0.026238879188895226, -0.08410313725471497, 0.015440075658261776, 0.018056930974125862, 0.06144599989056587, 0.01006238628178835, -0.0018968804506585002, 0.06860347092151642, 0.0013014840660616755, 0.07844579219818115, 0.046277984976768494, 0.05720902606844902, -0.005303507205098867, 0.06519895792007446 ]
huggingtweets/independentmlt-maltatoday-thetimesofmalta
e6b0986f44f803a91e90ecca2f310d1189fd6df2
2022-03-15T22:00:58.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/independentmlt-maltatoday-thetimesofmalta
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/independentmlt-maltatoday-thetimesofmalta/1647381547913/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/1333858206012084227/XP6EKW-K_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/1419612859244457987/Ph3kXUL3_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/1338811551994826752/XQnrubON_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">MaltaToday & Times of Malta & The Malta Independent</div> <div style="text-align: center; font-size: 14px;">@independentmlt-maltatoday-thetimesofmalta</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 MaltaToday & Times of Malta & The Malta Independent. | Data | MaltaToday | Times of Malta | The Malta Independent | | --- | --- | --- | --- | | Tweets downloaded | 3250 | 3250 | 3250 | | Retweets | 1 | 0 | 5 | | Short tweets | 3 | 0 | 1 | | Tweets kept | 3246 | 3250 | 3244 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/2z9a8ves/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 @independentmlt-maltatoday-thetimesofmalta's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/117uvo5a) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/117uvo5a/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/independentmlt-maltatoday-thetimesofmalta') 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.02954907901585102, 0.12147648632526398, 0.004537508822977543, 0.043233610689640045, 0.17475664615631104, -0.0004337613354437053, -0.04279414564371109, 0.046132031828165054, 0.0714602991938591, -0.041867099702358246, 0.01011259388178587, 0.06487003713846207, 0.030984938144683838, -0.028446076437830925, -0.019871043041348457, 0.03579478710889816, -0.09576862305402756, -0.03529796376824379, -0.061871256679296494, 0.0072897146455943584, -0.08254089206457138, -0.09390566498041153, 0.0773574709892273, -0.0525941476225853, -0.04458386451005936, 0.06495026499032974, -0.004501592833548784, 0.0653470978140831, -0.012930495664477348, -0.025297611951828003, -0.04940211400389671, 0.008980855345726013, 0.05149770528078079, 0.02987072616815567, -0.025229865685105324, 0.04901522025465965, -0.039717573672533035, 0.015667935833334923, -0.04859978333115578, 0.03942960873246193, -0.005516760051250458, -0.12089423835277557, 0.06781189143657684, 0.03775792196393013, -0.028182383626699448, -0.030305055901408195, -0.01002158597111702, -0.021800527349114418, -0.04245985299348831, 0.039282865822315216, -0.07374504208564758, -0.0560937337577343, 0.013455321080982685, -0.004977340344339609, 0.00513975415378809, 0.059364546090364456, 0.021240346133708954, -0.05365373194217682, 0.07628030329942703, -0.03258625417947769, 0.11079537123441696, 0.09900860488414764, 0.06609494239091873, 0.008883780799806118, 0.008516178466379642, -0.020244186744093895, -0.06709232181310654, 0.056251995265483856, -0.033153217285871506, -0.009225414134562016, 0.021522220224142075, 0.00852269772440195, -0.016517464071512222, -0.03406430780887604, 0.0487414188683033, -0.05338522791862488, -0.01478446926921606, 0.018896382302045822, -0.02600659243762493, 0.053779978305101395, 0.04285869002342224, -0.06617799401283264, 0.009095409885048866, -0.04496830329298973, 0.07301513850688934, 0.01872168853878975, -0.00032256852136924863, -0.08824174106121063, -0.034896913915872574, 0.016561081632971764, -0.00881188828498125, -0.028439054265618324, 0.0026780583430081606, 0.04221571981906891, -0.041999608278274536, 0.043229129165410995, -0.049724459648132324, -0.1571703553199768, -0.12260563671588898, 0.07444837689399719, -0.0010993375908583403, -0.049648482352495193, 0.06381459534168243, 0.035458534955978394, 0.025784945115447044, -0.02753838524222374, -0.039290472865104675, 0.030013859272003174, 0.009137975983321667, -0.025100091472268105, 0.03709324076771736, -0.03916684165596962, -0.1027359813451767, 0.004811073653399944, -0.02430604211986065, -0.09570512175559998, -0.019741127267479897, 0.017590593546628952, 0.0903756320476532, -0.025212904438376427, 0.06724436581134796, 0.14695261418819427, -0.033437952399253845, -0.09854243695735931, 0.014572658576071262, 0.02813054248690605, -0.04916782304644585, 1.0503314592349736e-32, 0.05433083698153496, 0.005021202843636274, -0.04857947304844856, 0.04872666299343109, 0.10228899866342545, 0.004248431418091059, -0.03154437988996506, -0.03294852003455162, -0.10772289335727692, -0.01922375150024891, 0.05825364217162132, 0.008086861111223698, -0.0030810844618827105, 0.020177392289042473, 0.011850539594888687, -0.08236062526702881, -0.027411455288529396, -0.00788767822086811, -0.013680385425686836, 0.015833398327231407, -0.11570802330970764, 0.04660777002573013, -0.028861433267593384, -0.06809177994728088, -0.05923939868807793, 0.014591152779757977, 0.09811501950025558, -0.04715040698647499, -0.014052332378923893, 0.0016326180193573236, -0.04094043746590614, -0.009884306229650974, 0.05333087965846062, -0.06172753870487213, 0.036979421973228455, 0.002017388353124261, -0.0050635142251849174, -0.08219882100820541, 0.006913508288562298, 0.04097156226634979, -0.029251085594296455, -0.0526822991669178, 0.04704985395073891, -0.04560352489352226, -0.03889000415802002, 0.08257898688316345, 0.10979665815830231, 0.01893090270459652, -0.012178150936961174, -0.03195347636938095, -0.027123773470520973, -0.01641884073615074, -0.056210730224847794, -0.09057166427373886, 0.00011400734365452081, -0.07623291015625, -0.002422701334580779, 0.019184546545147896, 0.028208991512656212, -0.03508292883634567, 0.007181543856859207, -0.05639125406742096, 0.039058245718479156, -0.07521077245473862, 0.03690560534596443, 0.04711238667368889, -0.0673353299498558, -0.015436401590704918, 0.048070795834064484, -0.015200227499008179, -0.03009807877242565, -0.0027780362870544195, 0.10340744256973267, -0.04739489406347275, -0.04441191628575325, 0.03622487932443619, -0.011363660916686058, -0.052522849291563034, -0.031280241906642914, 0.03361163288354874, -0.04725010320544243, -0.018376432359218597, 0.034881841391325, -0.004927721805870533, -0.04520435258746147, -0.012657949700951576, -0.006601083092391491, -0.05716879293322563, 0.0402238667011261, 0.005550635978579521, -0.10523521155118942, -0.0035659370478242636, 0.02594483643770218, -0.0784783586859703, -0.09112369269132614, -1.0961122622220984e-32, 0.049832332879304886, 0.024124525487422943, -0.024209601804614067, 0.04428420960903168, 0.083417609333992, 0.05921975150704384, 0.044647570699453354, 0.06156269460916519, 0.0030766206327825785, 0.005647543352097273, 0.04706425592303276, -0.024966614320874214, -0.09412233531475067, -0.05886828899383545, 0.0038490439765155315, 0.013224349357187748, 0.07125867158174515, -0.04384822025895119, -0.045199230313301086, 0.016803406178951263, 0.024713540449738503, 0.02770129404962063, -0.015195268206298351, 0.09497011452913284, -0.051906097680330276, -0.011583471670746803, 0.0879749059677124, 0.012288055382668972, -0.009949342347681522, 0.01100980769842863, -0.044269174337387085, -0.09134157001972198, -0.02374996244907379, 0.06840775161981583, 0.05948444455862045, 0.015686040744185448, -0.05555165186524391, -0.051345955580472946, -0.023897649720311165, -0.02698948048055172, 0.03190760314464569, -0.09844160079956055, -0.06866651028394699, -0.018491230905056, 0.024058464914560318, -0.04339301213622093, 0.02815169095993042, -0.03419775143265724, 0.016507888212800026, 0.037097301334142685, 0.03876763582229614, 0.046207696199417114, -0.02414206601679325, -0.015763355419039726, -0.03581304848194122, -0.10020578652620316, -0.04506750404834747, 0.032361920922994614, 0.0036358064971864223, 0.02738395892083645, 0.011532294563949108, 0.021771809086203575, -0.016565052792429924, 0.016812797635793686, 0.0510588102042675, 0.01860242709517479, -0.08105611801147461, 0.03542068600654602, -0.07638463377952576, 0.010986586101353168, 0.018401693552732468, 0.06010279804468155, 0.041372738778591156, -0.008346902206540108, 0.04687921702861786, -0.013816448859870434, 0.09392168372869492, 0.030122840777039528, 0.09190722554922104, -0.0018025325844064355, -0.07771211117506027, -0.06171482428908348, -0.03160116448998451, -0.01600118726491928, -0.05572239309549332, -0.002628865884616971, -0.007203273940831423, 0.09862080961465836, -0.02281651273369789, -0.04636078700423241, -0.030310634523630142, 0.08103352040052414, 0.06089308485388756, 0.03079506941139698, 0.06812585890293121, -6.557408482876781e-8, -0.039750438183546066, -0.08478868007659912, -0.017417127266526222, 0.018307529389858246, -0.05407904461026192, 0.03313277289271355, 0.04653153568506241, -0.15129226446151733, -0.01580800674855709, -0.04077177867293358, 0.04700323939323425, 0.02739536017179489, -0.0642302930355072, 0.033865492790937424, -0.03814884275197983, 0.010268532671034336, -0.12904402613639832, 0.0662197470664978, 0.00589406955987215, -0.060983140021562576, 0.005307659972459078, 0.026799147948622704, 0.003918642643839121, -0.014029770158231258, -0.001801548758521676, 0.05870940908789635, -0.108376145362854, 0.008406371809542179, 0.00007269995694514364, 0.006215840578079224, 0.037794869393110275, -0.06282013654708862, 0.019658690318465233, -0.06324838101863861, 0.00048341628280468285, -0.05245845764875412, -0.023442618548870087, -0.03781060501933098, 0.03202979639172554, 0.030585357919335365, 0.03263590484857559, 0.0306312944740057, 0.06874741613864899, 0.052923303097486496, -0.013494717888534069, 0.005203424021601677, 0.049899064004421234, -0.003908184822648764, 0.03807278722524643, 0.022538764402270317, -0.03202051296830177, -0.07988135516643524, 0.01527046225965023, 0.016514621675014496, 0.07362625747919083, 0.00475899176672101, 0.0010245160665363073, 0.06574201583862305, -0.006978894583880901, 0.07846181094646454, 0.05341276526451111, 0.04581870511174202, -0.009058298543095589, 0.06895969063043594 ]
kSaluja/roberta-finetuned-ner
0587792d41258f900e6f493efa3cbbc586bd3726
2022-03-16T00:00:41.000Z
[ "pytorch", "tensorboard", "xlm-roberta", "token-classification", "transformers", "generated_from_trainer", "license:mit", "model-index", "autotrain_compatible" ]
token-classification
false
kSaluja
null
kSaluja/roberta-finetuned-ner
0
null
transformers
--- license: mit tags: - generated_from_trainer metrics: - precision - recall - f1 - accuracy model-index: - name: roberta-finetuned-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. --> # roberta-finetuned-ner This model is a fine-tuned version of [xlm-roberta-base](https://huggingface.co/xlm-roberta-base) on an unknown dataset. It achieves the following results on the evaluation set: - Loss: 0.1322 - Precision: 0.9772 - Recall: 0.9782 - F1: 0.9777 - Accuracy: 0.9767 ## 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: 3 ### Training results | Training Loss | Epoch | Step | Validation Loss | Precision | Recall | F1 | Accuracy | |:-------------:|:-----:|:----:|:---------------:|:---------:|:------:|:------:|:--------:| | No log | 1.0 | 253 | 0.1694 | 0.9636 | 0.9555 | 0.9595 | 0.9617 | | 0.4479 | 2.0 | 506 | 0.1374 | 0.9743 | 0.9762 | 0.9752 | 0.9743 | | 0.4479 | 3.0 | 759 | 0.1322 | 0.9772 | 0.9782 | 0.9777 | 0.9767 | ### Framework versions - Transformers 4.17.0 - Pytorch 1.10.0+cu111 - Datasets 2.0.0 - Tokenizers 0.11.6
[ -0.07926656305789948, -0.0624900683760643, -0.08330605179071426, 0.037681009620428085, -0.013923277147114277, 0.05978846177458763, -0.040180373936891556, 0.03359057381749153, -0.037515316158533096, -0.050609372556209564, 0.0240017157047987, -0.05710633471608162, 0.04316679388284683, -0.04442523419857025, -0.09324654936790466, 0.041007135063409805, 0.08733916282653809, -0.033341094851493835, -0.10866925865411758, 0.045790206640958786, 0.03566828742623329, 0.05248443782329559, 0.05157950147986412, 0.038426417857408524, 0.010574902407824993, -0.033248674124479294, -0.05408315360546112, 0.04020858556032181, 0.029782306402921677, -0.023001328110694885, 0.010158817283809185, 0.06433774530887604, 0.0030517575796693563, 0.07089153677225113, 0.024066396057605743, 0.04986913129687309, -0.05218202993273735, -0.04790406674146652, 0.03974112123250961, -0.01916191726922989, 0.008441142737865448, -0.0564570277929306, -0.049248844385147095, 0.05154348164796829, 0.007631603162735701, -0.009350183419883251, -0.00712556904181838, -0.04054436832666397, -0.035401180386543274, 0.010754242539405823, -0.11734360456466675, 0.014338119886815548, 0.017626911401748657, -0.027394266799092293, -0.03989501670002937, 0.03728431090712547, -0.005203538108617067, -0.035607900470495224, -0.04860519617795944, -0.04566727206110954, -0.022284038364887238, -0.06386011093854904, -0.1111929789185524, -0.052151039242744446, -0.10451307147741318, -0.06883956491947174, -0.044579245150089264, 0.0173201784491539, 0.09300251305103302, -0.03242597356438637, 0.038607094436883926, -0.006263617426156998, -0.04309551417827606, 0.045367587357759476, -0.009512475691735744, 0.034519828855991364, 0.01330733671784401, 0.047495294362306595, 0.056111227720975876, -0.044096939265728, -0.013544854708015919, -0.024021824821829796, 0.037070661783218384, -0.00836856197565794, 0.07255943864583969, -0.013345036655664444, 0.05981837958097458, 0.05062718316912651, 0.0339537113904953, -0.014100334607064724, -0.029713552445173264, -0.024011647328734398, 0.024347521364688873, -0.002611298579722643, -0.023943858221173286, 0.025076936930418015, 0.03584793210029602, 0.007777820806950331, -0.060437362641096115, 0.08828825503587723, -0.009587285108864307, 0.11399033665657043, 0.0025953520089387894, 0.017678584903478622, -0.0075369649566709995, -0.027097506448626518, 0.03946970775723457, 0.13848598301410675, 0.07595252245664597, -0.044462092220783234, 0.09070776402950287, 0.0011666979407891631, -0.0557636097073555, 0.03849605843424797, 0.04910726845264435, 0.12070940434932709, -0.005358608439564705, -0.04180517420172691, -0.057376209646463394, 0.10860592871904373, -0.02635163441300392, -0.0655314028263092, -0.0017489477759227157, 0.01691966876387596, -0.0034277127124369144, -0.021210914477705956, -0.09714993089437485, 2.2527945157326045e-33, 0.005768332164734602, 0.03953010216355324, 0.007318196352571249, -0.0374075248837471, -0.01265617087483406, 0.01545740570873022, -0.024972673505544662, 0.007987732999026775, 0.022536419332027435, -0.0062281046994030476, -0.06671052426099777, 0.01521319430321455, -0.017314905300736427, 0.08091449737548828, -0.015397343784570694, -0.018358726054430008, -0.07681441307067871, 0.023434557020664215, 0.009894308634102345, 0.0665862187743187, 0.14282706379890442, 0.036196548491716385, -0.013905576430261135, -0.10591384023427963, -0.06284643709659576, 0.08001299202442169, 0.04744313657283783, 0.01745115965604782, -0.0173301063477993, 0.031360216438770294, -0.052120983600616455, 0.028778398409485817, -0.013449806720018387, -0.014277822338044643, 0.046376198530197144, 0.01596204750239849, -0.028255805373191833, 0.012906383723020554, 0.025456370785832405, -0.04275112599134445, 0.0008164058672264218, 0.021570049226284027, 0.07700660824775696, -0.05611717700958252, -0.04751838371157646, -0.04120432212948799, 0.04190217703580856, 0.007561289239674807, 0.054115209728479385, 0.028557760640978813, -0.01876433752477169, -0.0038018336053937674, 0.028792429715394974, 0.024377252906560898, -0.039652612060308456, 0.028459403663873672, 0.03682436794042587, 0.13227099180221558, -0.021364931017160416, 0.0070276386104524136, 0.020890098065137863, -0.021270832046866417, -0.025419896468520164, 0.036872852593660355, 0.0077532813884317875, -0.01979568973183632, -0.045472607016563416, -0.06393017619848251, 0.024240642786026, 0.06004912778735161, -0.06557510793209076, -0.02074892818927765, 0.06452276557683945, 0.008953589014708996, 0.08127058297395706, -0.07009602338075638, 0.05364438146352768, 0.006615543272346258, -0.04439949244260788, -0.05519375950098038, 0.06177297234535217, 0.053295690566301346, -0.036392685025930405, -0.02917470410466194, -0.09245191514492035, -0.08444290608167648, 0.02849619649350643, -0.047746218740940094, -0.07811234146356583, 0.018965892493724823, -0.0033063681330531836, 0.055006470531225204, -0.08169080317020416, 0.022987764328718185, -0.09223239123821259, -3.0206129156813297e-33, 0.02188500016927719, 0.07164343446493149, 0.004313442390412092, 0.07647894322872162, 0.02440919168293476, -0.0014874940970912576, 0.03186430782079697, 0.0851670578122139, -0.06846097111701965, -0.05726925656199455, 0.12370114028453827, -0.017329983413219452, -0.04878915101289749, 0.029948249459266663, -0.012817329727113247, 0.04113006219267845, -0.061045121401548386, -0.03154247999191284, -0.03199097514152527, -0.043202705681324005, -0.044375814497470856, 0.07541339844465256, -0.044710978865623474, 0.0326814278960228, -0.0012579490430653095, 0.01766141504049301, 0.05800095200538635, 0.05524588003754616, 0.03417288139462471, -0.04014169052243233, 0.009750648401677608, 0.008369684219360352, -0.024150842800736427, -0.0031031405087560415, -0.012741713784635067, 0.03928485885262489, 0.0620601549744606, -0.03286031261086464, -0.030924659222364426, 0.053859055042266846, 0.07556367665529251, 0.0731290876865387, -0.08792305737733841, 0.06633920222520828, 0.012779219076037407, -0.034818973392248154, -0.00871348287910223, -0.034990958869457245, 0.01640472561120987, -0.019642191007733345, -0.008455734699964523, -0.08275814354419708, -0.0904451459646225, 0.038807351142168045, 0.00473469402641058, -0.02088959515094757, 0.03541477397084236, -0.05630585551261902, -0.03752368688583374, 0.019236911088228226, -0.025113685056567192, 0.07586356997489929, -0.06083311885595322, -0.035909611731767654, 0.05502655729651451, -0.05303293094038963, -0.04139457270503044, 0.035861313343048096, -0.041154369711875916, 0.12665675580501556, 0.030681481584906578, 0.039929620921611786, 0.03410137817263603, -0.022508393973112106, 0.03406092897057533, 0.02472637966275215, -0.061534322798252106, -0.019495496526360512, -0.07605495303869247, -0.1361701786518097, -0.031098436564207077, -0.04372578114271164, 0.02167709544301033, 0.0950920581817627, 0.03555486351251602, 0.06952424347400665, 0.08677985519170761, 0.06352072954177856, -0.059802014380693436, -0.004602950997650623, 0.024754447862505913, -0.013186702504754066, 0.02252005599439144, 0.10891745984554291, -0.039034321904182434, -5.734383989874914e-8, -0.026471592485904694, 0.0565883070230484, -0.08302827924489975, 0.03143877908587456, 0.017799172550439835, -0.0063141630962491035, -0.04466506466269493, 0.03271179646253586, -0.0551241859793663, 0.05731755867600441, 0.05111263319849968, -0.019426744431257248, -0.15995419025421143, -0.0009442978771403432, 0.043703626841306686, -0.009191036224365234, -0.006313320714980364, 0.11763234436511993, -0.04431040957570076, -0.005111933685839176, 0.023912249132990837, -0.008745340630412102, 0.010091092437505722, -0.05322887375950813, 0.043936219066381454, -0.08041255921125412, -0.05116327852010727, 0.14524412155151367, -0.009068844839930534, 0.013654817827045918, 0.03231850266456604, 0.016660813242197037, 0.07586877793073654, -0.038361985236406326, -0.07498466968536377, 0.05596979334950447, -0.009486591443419456, -0.028614794835448265, 0.04094165191054344, 0.015506823547184467, -0.05889160558581352, 0.03272997960448265, -0.09634396433830261, 0.000230779594858177, 0.06519035249948502, -0.04085956886410713, -0.0030740834772586823, -0.13686813414096832, 0.0327935665845871, 0.019607821479439735, 0.030062157660722733, 0.013408794067800045, -0.03151079639792442, 0.004952907562255859, 0.006330862641334534, 0.007939954288303852, -0.0870436578989029, -0.029567155987024307, 0.04428647458553314, -0.013086213730275631, 0.0049542649649083614, -0.045882049947977066, -0.05468985438346863, 0.008001170121133327 ]
willcai/wav2vec2_common_voice_accents_3
32b359201268a0e60a1f7aa870d30ff170b61885
2022-03-17T03:04:51.000Z
[ "pytorch", "wav2vec2", "automatic-speech-recognition", "dataset:common_voice", "transformers", "generated_from_trainer", "license:apache-2.0", "model-index" ]
automatic-speech-recognition
false
willcai
null
willcai/wav2vec2_common_voice_accents_3
0
null
transformers
--- license: apache-2.0 tags: - generated_from_trainer datasets: - common_voice model-index: - name: wav2vec2_common_voice_accents_3 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. --> # wav2vec2_common_voice_accents_3 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: 0.0042 ## 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: 48 - eval_batch_size: 4 - seed: 42 - distributed_type: multi-GPU - num_devices: 8 - total_train_batch_size: 384 - total_eval_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 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 4.584 | 1.27 | 400 | 1.1439 | | 0.481 | 2.55 | 800 | 0.1986 | | 0.2384 | 3.82 | 1200 | 0.1060 | | 0.1872 | 5.1 | 1600 | 0.1016 | | 0.158 | 6.37 | 2000 | 0.0942 | | 0.1427 | 7.64 | 2400 | 0.0646 | | 0.1306 | 8.92 | 2800 | 0.0612 | | 0.1197 | 10.19 | 3200 | 0.0423 | | 0.1129 | 11.46 | 3600 | 0.0381 | | 0.1054 | 12.74 | 4000 | 0.0326 | | 0.0964 | 14.01 | 4400 | 0.0293 | | 0.0871 | 15.29 | 4800 | 0.0239 | | 0.0816 | 16.56 | 5200 | 0.0168 | | 0.0763 | 17.83 | 5600 | 0.0202 | | 0.0704 | 19.11 | 6000 | 0.0224 | | 0.0669 | 20.38 | 6400 | 0.0208 | | 0.063 | 21.66 | 6800 | 0.0074 | | 0.0585 | 22.93 | 7200 | 0.0126 | | 0.0548 | 24.2 | 7600 | 0.0086 | | 0.0512 | 25.48 | 8000 | 0.0080 | | 0.0487 | 26.75 | 8400 | 0.0052 | | 0.0455 | 28.03 | 8800 | 0.0062 | | 0.0433 | 29.3 | 9200 | 0.0042 | ### Framework versions - Transformers 4.17.0 - Pytorch 1.10.2+cu102 - Datasets 1.18.4 - Tokenizers 0.11.6
[ -0.061582837253808975, -0.07499321550130844, -0.041933823376894, -0.045740313827991486, 0.007063836790621281, 0.047040000557899475, -0.06584485620260239, -0.09420907497406006, -0.04526872932910919, -0.10822627693414688, 0.025898076593875885, -0.11771497130393982, 0.005344139877706766, -0.0674135759472847, -0.04614902287721634, -0.004303804133087397, 0.026456233114004135, -0.021581243723630905, -0.06648702174425125, 0.026402344927191734, 0.0165973212569952, 0.08149697631597519, 0.0654345378279686, 0.029713138937950134, 0.0451463907957077, 0.015204448252916336, -0.05742579698562622, 0.03802873566746712, 0.04376322403550148, -0.023970870301127434, 0.09266836196184158, 0.02338971011340618, 0.06540367752313614, 0.028392991051077843, -0.018527766689658165, 0.014502708800137043, -0.02429695799946785, -0.04051888734102249, 0.027595525607466698, -0.028132297098636627, -0.0011503600981086493, -0.0064774868078529835, -0.03158285468816757, 0.04534948989748955, -0.029181454330682755, 0.011003170162439346, -0.08146542310714722, -0.03832442685961723, -0.03904862329363823, -0.00026553895440883934, -0.0697786882519722, -0.09176820516586304, 0.0553615503013134, 0.018640190362930298, -0.10248719155788422, 0.02387199178338051, -0.0003661275841295719, 0.0777134969830513, 0.01144436001777649, 0.018717914819717407, -0.043465547263622284, -0.036922674626111984, -0.03568492457270622, -0.00777949346229434, -0.07800482213497162, -0.023131776601076126, -0.06360382586717606, -0.0334789901971817, 0.05984168499708176, -0.013228049501776695, -0.06084910407662392, 0.07216589897871017, 0.024276217445731163, 0.010080008767545223, 0.043892018496990204, 0.03508361428976059, 0.049622561782598495, 0.01564209535717964, 0.046573273837566376, -0.06854923814535141, 0.002068376401439309, -0.08306927233934402, 0.06250916421413422, -0.04826164245605469, 0.08742410689592361, -0.012925590388476849, 0.00023360588238574564, -0.052920810878276825, -0.01981545425951481, 0.007709306664764881, -0.05744433403015137, 0.021220028400421143, 0.024711813777685165, 0.08867257833480835, 0.02844979241490364, 0.0948508083820343, 0.026654623448848724, 0.049621038138866425, -0.031088579446077347, 0.08264726400375366, -0.023653967306017876, -0.004006991162896156, 0.03859005495905876, -0.008831454440951347, -0.007789479102939367, -0.06096089258790016, -0.009224706329405308, 0.06641021370887756, 0.07272455096244812, -0.029355499893426895, 0.05102212354540825, 0.024660462513566017, -0.04960385710000992, 0.005228076595813036, 0.04482649266719818, 0.0988832637667656, -0.024134134873747826, -0.05222739651799202, -0.005406456999480724, 0.04793437570333481, -0.06231560930609703, -0.018294138833880424, -0.05168924480676651, -0.037152551114559174, -0.024899045005440712, -0.07721183449029922, -0.07057167589664459, 2.2744155302640727e-33, 0.029371818527579308, 0.07061024755239487, -0.011055097915232182, 0.006583180744200945, 0.012069658376276493, -0.0593843087553978, -0.021676136180758476, -0.05020332336425781, 0.03689129278063774, -0.07477398216724396, -0.0676736831665039, -0.01807195320725441, -0.04966729134321213, 0.06960044056177139, -0.0180678591132164, 0.026317235082387924, -0.031870998442173004, 0.015967771410942078, 0.03067605569958687, 0.012822287157177925, 0.1794186234474182, 0.035159528255462646, -0.00026001580408774316, -0.006864484865218401, 0.02992927096784115, 0.05352720990777016, 0.04579375311732292, -0.008848117664456367, 0.05591309815645218, 0.03627313673496246, -0.07745783776044846, -0.029172435402870178, -0.0022185256239026785, -0.03000149317085743, 0.04266437888145447, 0.05426206812262535, 0.06063200533390045, 0.05495002493262291, -0.05361220985651016, -0.04276904836297035, 0.046933092176914215, 0.024524616077542305, 0.0201790202409029, -0.05575033277273178, -0.04531022533774376, -0.07288789749145508, -0.012778418138623238, 0.0350741446018219, -0.0008568426128476858, 0.04781116172671318, -0.07258430123329163, -0.042381200939416885, 0.01179743092507124, 0.05604990944266319, -0.027764756232500076, -0.06308279186487198, 0.061251699924468994, 0.08382999897003174, -0.024989746510982513, -0.01897338218986988, 0.020612021908164024, 0.00422263378277421, 0.07652542740106583, -0.013893837109208107, -0.02130907028913498, -0.060472045093774796, -0.06154478341341019, -0.042063478380441666, 0.021391909569501877, 0.0017637173878028989, -0.020041728392243385, -0.00921854842454195, 0.0521639809012413, 0.0018009612103924155, 0.021495498716831207, -0.05369105190038681, -0.023124583065509796, -0.084172323346138, -0.026951417326927185, -0.0015707144048064947, 0.026561841368675232, 0.1098548173904419, -0.043732136487960815, -0.05311552435159683, -0.02340383641421795, -0.08287880569696426, -0.00618449691683054, -0.1306176334619522, -0.005436575505882502, 0.03616707772016525, -0.04889776557683945, 0.08506757766008377, -0.07196232676506042, -0.00904045905917883, -0.056176330894231796, -4.2017887613089275e-33, -0.006363137625157833, 0.1311693638563156, 0.008288192562758923, 0.09899531304836273, -0.011907507665455341, 0.031131809577345848, 0.12844957411289215, 0.1362210512161255, -0.06384945660829544, -0.04134858027100563, 0.0899142175912857, -0.06837955117225647, 0.030436107888817787, -0.03284827992320061, 0.029849611222743988, -0.007035956718027592, -0.03207753971219063, 0.019186969846487045, 0.05970653146505356, 0.029806803911924362, 0.03241477906703949, 0.059751637279987335, -0.0601588599383831, 0.07185056805610657, -0.008877499029040337, -0.026147155091166496, -0.029085813090205193, 0.06158299744129181, 0.0535745844244957, -0.0341617725789547, -0.06211542710661888, -0.003339295508340001, -0.028739389032125473, 0.031441908329725266, -0.014830371364951134, 0.04818816855549812, 0.030602287501096725, 0.0058484203182160854, -0.017871474847197533, 0.04738201946020126, 0.057267364114522934, 0.04562559723854065, -0.09064790606498718, 0.006060560699552298, 0.012262627482414246, -0.03557037189602852, 0.020210077986121178, -0.04234837740659714, -0.03845414146780968, -0.0546262301504612, 0.07446644455194473, -0.08385660499334335, -0.0012533817207440734, 0.04028156399726868, -0.042398788034915924, -0.04835302755236626, 0.028862155973911285, 0.0044843414798378944, -0.045020692050457, 0.0038515024352818727, -0.018061870709061623, 0.02108616940677166, -0.12290579825639725, -0.06596338748931885, 0.01925729587674141, -0.020557578653097153, -0.051999952644109726, 0.008135850541293621, 0.07023121416568756, 0.030202757567167282, -0.014835272915661335, 0.05633169785141945, -0.0035289928782731295, 0.00870670098811388, -0.04399971663951874, 0.004458233714103699, -0.06954294443130493, -0.024675752967596054, -0.047011345624923706, -0.08268972486257553, -0.018159884959459305, 0.04617772996425629, 0.08436517417430878, 0.025606505572795868, 0.11094685643911362, 0.11016220599412918, 0.04646763950586319, 0.053108494728803635, -0.05779365822672844, 0.029112599790096283, 0.013064175844192505, 0.08557452261447906, -0.00391249917447567, 0.11858231574296951, 0.01777181588113308, -5.705215500029226e-8, -0.06081195920705795, 0.024078132584691048, -0.015776969492435455, 0.010531756095588207, -0.022007528692483902, -0.06450589746236801, -0.0054636150598526, -0.02705957368016243, 0.011139189824461937, 0.021513232961297035, 0.0074060894548892975, -0.005014164838939905, -0.048547372221946716, 0.05028354749083519, -0.014548893086612225, 0.014836429618299007, -0.02831164188683033, 0.14758329093456268, -0.03943321853876114, -0.07244177907705307, 0.021561119705438614, 0.019539013504981995, -0.0007899824413470924, -0.005070203449577093, 0.08687672019004822, -0.10138838738203049, -0.06845590472221375, 0.08327990025281906, -0.06012393906712532, -0.02517484873533249, -0.04965244606137276, 0.028485355898737907, 0.021798767149448395, -0.10772035270929337, -0.0498252734541893, 0.0695631131529808, -0.06856384128332138, -0.03777556121349335, 0.0066873785108327866, 0.04591318219900131, -0.010095948353409767, 0.06085841357707977, -0.06148875132203102, -0.027405306696891785, 0.07883493602275848, -0.04691457003355026, 0.011020665988326073, -0.08417558670043945, 0.04209738224744797, 0.015313683077692986, 0.041091859340667725, 0.031103242188692093, -0.025247257202863693, -0.0054653240367770195, 0.05830366909503937, 0.018349267542362213, -0.09501725435256958, 0.037307001650333405, 0.04656478390097618, 0.009204186499118805, 0.01467463094741106, -0.00029842229560017586, -0.044023819267749786, -0.014864841476082802 ]
kSaluja/roberta-finetuned-ner-without-data-sort
d8afdcca4a015ce9d24c0e4487711ce09dd2799a
2022-03-16T01:27:44.000Z
[ "pytorch", "tensorboard", "xlm-roberta", "token-classification", "transformers", "generated_from_trainer", "license:mit", "model-index", "autotrain_compatible" ]
token-classification
false
kSaluja
null
kSaluja/roberta-finetuned-ner-without-data-sort
0
null
transformers
--- license: mit tags: - generated_from_trainer metrics: - precision - recall - f1 - accuracy model-index: - name: roberta-finetuned-ner-without-data-sort 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. --> # roberta-finetuned-ner-without-data-sort This model is a fine-tuned version of [xlm-roberta-base](https://huggingface.co/xlm-roberta-base) on an unknown dataset. It achieves the following results on the evaluation set: - Loss: 0.0420 - Precision: 0.9914 - Recall: 0.9909 - F1: 0.9912 - 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: 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 | |:-------------:|:-----:|:----:|:---------------:|:---------:|:------:|:------:|:--------:| | No log | 1.0 | 213 | 0.1879 | 0.9378 | 0.9414 | 0.9396 | 0.9493 | | No log | 2.0 | 426 | 0.1038 | 0.9725 | 0.9750 | 0.9737 | 0.9751 | | 0.4424 | 3.0 | 639 | 0.0701 | 0.9861 | 0.9851 | 0.9856 | 0.9863 | | 0.4424 | 4.0 | 852 | 0.0637 | 0.9882 | 0.9880 | 0.9881 | 0.9880 | | 0.0675 | 5.0 | 1065 | 0.0546 | 0.9851 | 0.9878 | 0.9865 | 0.9879 | | 0.0675 | 6.0 | 1278 | 0.0480 | 0.9894 | 0.9904 | 0.9899 | 0.9901 | | 0.0675 | 7.0 | 1491 | 0.0473 | 0.9919 | 0.9904 | 0.9912 | 0.9911 | | 0.0426 | 8.0 | 1704 | 0.0441 | 0.9921 | 0.9916 | 0.9919 | 0.9921 | | 0.0426 | 9.0 | 1917 | 0.0426 | 0.9921 | 0.9916 | 0.9919 | 0.9922 | | 0.033 | 10.0 | 2130 | 0.0420 | 0.9914 | 0.9909 | 0.9912 | 0.9920 | ### Framework versions - Transformers 4.17.0 - Pytorch 1.10.0+cu111 - Datasets 2.0.0 - Tokenizers 0.11.6
[ -0.08504461497068405, -0.059656549245119095, -0.0552145354449749, 0.03857940807938576, -0.006462499033659697, 0.06249011680483818, -0.033465370535850525, 0.0201719943434, -0.02538418211042881, -0.04507105425000191, 0.033215902745723724, -0.022168217226862907, 0.05523773655295372, -0.04784809425473213, -0.11120934784412384, 0.05132293701171875, 0.07826203107833862, -0.05132807418704033, -0.09867049753665924, 0.025611164048314095, 0.027978209778666496, 0.06374220550060272, 0.04516514390707016, 0.03179923817515373, 0.011002988554537296, -0.011461738497018814, -0.06269422918558121, 0.046508509665727615, 0.030058149248361588, -0.02187839336693287, 0.009343030862510204, 0.07079179584980011, -0.00896554347127676, 0.07831291854381561, 0.004877230618149042, 0.022216804325580597, -0.06589911878108978, -0.05925311520695686, 0.025467436760663986, -0.0174176637083292, -0.014148022048175335, -0.04253168776631355, -0.02434980869293213, 0.05674319714307785, -0.01794932410120964, -0.00275987945497036, -0.010162021964788437, -0.05640644580125809, -0.0427781380712986, 0.0034913686104118824, -0.1270245611667633, 0.022708676755428314, 0.014111142605543137, -0.0014827369013801217, -0.059421855956315994, 0.0319938026368618, 0.0013317886041477323, -0.03344857692718506, -0.04676137864589691, -0.04371246322989464, -0.027142422273755074, -0.06296077370643616, -0.0971309244632721, -0.05700759217143059, -0.09807147085666656, -0.06865864247083664, -0.03589911758899689, 0.03757713362574577, 0.09448549151420593, -0.02594739757478237, 0.061662789434194565, -0.0021184002980589867, -0.04562531039118767, 0.03893338516354561, 0.00453895702958107, 0.021316584199666977, -0.010326489806175232, 0.043843403458595276, 0.04255886748433113, -0.032720353454351425, -0.02873961068689823, -0.02508622594177723, 0.01724441722035408, 0.010473540984094143, 0.07984454184770584, -0.019180871546268463, 0.053377676755189896, 0.051490623503923416, 0.027985308319330215, -0.01799926906824112, -0.03632199391722679, -0.019950414076447487, 0.012708023190498352, 0.017066342756152153, -0.020966771990060806, 0.031371865421533585, 0.056212168186903, 0.012626737356185913, -0.07921204715967178, 0.09050925821065903, -0.021901223808526993, 0.11422330886125565, -0.002353428630158305, 0.03869490325450897, 0.022185059264302254, -0.03866755962371826, 0.03187456354498863, 0.1272716224193573, 0.07099046558141708, -0.05837983638048172, 0.0891847237944603, 0.008897842839360237, -0.06127272546291351, 0.03935684636235237, 0.02725854143500328, 0.10937696695327759, -0.0009567999513819814, -0.04881737008690834, -0.060642845928668976, 0.07886091619729996, -0.024532511830329895, -0.0647021234035492, -0.005586586426943541, 0.02198697254061699, 0.016799861565232277, 0.014269880019128323, -0.075228251516819, 2.2140382833150014e-33, 0.020309928804636, 0.0399070642888546, 0.02310114912688732, -0.04589151591062546, -0.012850305996835232, 0.017334265634417534, -0.0258178673684597, 0.00012329484161455184, 0.018367677927017212, 0.00017985247541218996, -0.06419704854488373, 0.025890469551086426, -0.01693962700664997, 0.06672664731740952, -0.013549529947340488, -0.02206631936132908, -0.05856035649776459, 0.023130912333726883, -0.005512538831681013, 0.060960203409194946, 0.14253436028957367, 0.03544127196073532, -0.014969822019338608, -0.11119358241558075, -0.06487329304218292, 0.08067742735147476, 0.03620497137308121, 0.013618928380310535, -0.002417236100882292, 0.02437649294734001, -0.06608409434556961, 0.02017291449010372, -0.003780597588047385, -0.011628375388681889, 0.06370308995246887, 0.02171664498746395, -0.03525039181113243, 0.012803098186850548, 0.02780839614570141, -0.026136009022593498, 0.01971818134188652, 0.014622747898101807, 0.05881400406360626, -0.06223340332508087, -0.028760433197021484, -0.02996421977877617, 0.04137300327420235, 0.013480034656822681, 0.06554705649614334, 0.016613228246569633, -0.02229347452521324, -0.007047342136502266, 0.05848923698067665, 0.03455328196287155, -0.046220336109399796, 0.009089519269764423, 0.048688679933547974, 0.1116274818778038, -0.038992028683423996, -0.0037701569963246584, 0.01815357431769371, -0.028039148077368736, -0.01507812924683094, 0.021958855912089348, 0.007899110205471516, -0.04296400025486946, -0.027964862063527107, -0.06404747068881989, 0.04337404668331146, 0.05424917861819267, -0.06326473504304886, -0.010650387033820152, 0.06722025573253632, 0.024495474994182587, 0.1022760346531868, -0.04651547968387604, 0.043421801179647446, -0.003128307405859232, -0.04380165413022041, -0.07796032726764679, 0.08953920751810074, 0.03187954053282738, -0.018897168338298798, -0.014676259830594063, -0.08496365696191788, -0.06791498512029648, 0.024576615542173386, -0.03697837144136429, -0.07587546110153198, 0.013739616610109806, -0.004915187135338783, 0.06850481778383255, -0.0618179626762867, 0.029618430882692337, -0.09437781572341919, -2.2346509440986548e-33, 0.023682711645960808, 0.08462363481521606, 0.012451027520000935, 0.06030592322349548, 0.04666043445467949, -0.011979740113019943, 0.027139192447066307, 0.0815834179520607, -0.05736694857478142, -0.04654620215296745, 0.13094408810138702, -0.03243885189294815, -0.04402023181319237, 0.018169352784752846, 0.017674559727311134, 0.0482025109231472, -0.06196446344256401, -0.046882469207048416, -0.05069783702492714, -0.038095541298389435, -0.044541262090206146, 0.07119914889335632, -0.028784027323126793, 0.017612958326935768, -0.027046283707022667, 0.02338014729321003, 0.09912006556987762, 0.0705348551273346, 0.03208399936556816, -0.045001428574323654, 0.01747298054397106, 0.005476849619299173, -0.027243319898843765, -0.02435329370200634, -0.024010589346289635, 0.02633996307849884, 0.05930580198764801, -0.03046015277504921, -0.029900796711444855, 0.08097729086875916, 0.04199445992708206, 0.08892150968313217, -0.116347536444664, 0.07023593783378601, 0.014061177149415016, -0.045057907700538635, -0.014589549042284489, -0.02825028821825981, -0.0034879345912486315, -0.036552295088768005, 0.0037023620679974556, -0.04738903045654297, -0.09978797286748886, 0.006308150012046099, -0.003760147839784622, -0.0069880117662250996, 0.0319601334631443, -0.02506100758910179, -0.03395386412739754, 0.031204883009195328, -0.021302659064531326, 0.06155281141400337, -0.045844435691833496, -0.05433141812682152, 0.048346441239118576, -0.04682742804288864, -0.03784225881099701, 0.014078155159950256, -0.046108219772577286, 0.12209472060203552, 0.033465173095464706, 0.03480157256126404, 0.024856645613908768, -0.03829687833786011, 0.035655103623867035, 0.025921937078237534, -0.052724290639162064, 0.00009651867003412917, -0.05478193238377571, -0.13921122252941132, -0.024857357144355774, -0.03603392094373703, 0.02544131875038147, 0.11109530180692673, 0.03697935864329338, 0.07480116933584213, 0.08439383655786514, 0.05244326591491699, -0.07279796898365021, -0.014484789222478867, 0.02036866918206215, -0.03205553814768791, 0.02796575240790844, 0.11559531837701797, -0.04777652397751808, -5.670973379778843e-8, -0.018520375713706017, 0.03382430225610733, -0.09451232105493546, 0.04559909552335739, 0.02309320867061615, -0.018558111041784286, -0.036536991596221924, 0.04421679303050041, -0.040853291749954224, 0.06526029855012894, 0.053936854004859924, -0.011003670282661915, -0.1677497923374176, 0.0034566945396363735, 0.061803240329027176, -0.0025186175480484962, -0.006704121362417936, 0.08621601015329361, -0.06653015315532684, -0.01908118836581707, 0.024923119693994522, -0.0028920548502355814, 0.01418842189013958, -0.05094585567712784, 0.0678534135222435, -0.06803787499666214, -0.03782356530427933, 0.15335923433303833, 0.010450996458530426, 0.036039259284734726, 0.025390006601810455, 0.012086575850844383, 0.0683087557554245, -0.041234660893678665, -0.05936093628406525, 0.05757305398583412, -0.015407306142151356, -0.030834810808300972, 0.029978670179843903, -0.01967330276966095, -0.0665929913520813, 0.03993832319974899, -0.08088606595993042, 0.015320837497711182, 0.07729754596948624, -0.040068212896585464, 0.01924878917634487, -0.14649081230163574, 0.051102668046951294, 0.026030153036117554, 0.028043314814567566, -0.0041279541328549385, -0.02303936332464218, 0.002519836649298668, 0.004326942376792431, 0.018984397873282433, -0.07851696014404297, -0.020084232091903687, 0.02902856469154358, -0.03896590694785118, 0.015876147896051407, -0.0546039342880249, -0.06373436748981476, 0.024304570630192757 ]
libalabala/marian-finetuned-kde4-en-to-fr
129f66031b566e4c281679da03e5a6082e740d80
2022-03-17T08:13:54.000Z
[ "pytorch", "tensorboard", "marian", "text2text-generation", "dataset:kde4", "transformers", "translation", "generated_from_trainer", "license:apache-2.0", "model-index", "autotrain_compatible" ]
translation
false
libalabala
null
libalabala/marian-finetuned-kde4-en-to-fr
0
null
transformers
--- license: apache-2.0 tags: - translation - generated_from_trainer datasets: - kde4 model-index: - name: marian-finetuned-kde4-en-to-fr 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. --> # marian-finetuned-kde4-en-to-fr This model is a fine-tuned version of [Helsinki-NLP/opus-mt-en-fr](https://huggingface.co/Helsinki-NLP/opus-mt-en-fr) on the kde4 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: 32 - eval_batch_size: 64 - 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 ### Training results ### Framework versions - Transformers 4.17.0 - Pytorch 1.10.0+cu111 - Datasets 2.0.0 - Tokenizers 0.11.6
[ -0.0069659193977713585, -0.03893952816724777, 0.011376142501831055, -0.035039760172367096, -0.011843819171190262, 0.08984970301389694, -0.03642171993851662, -0.03870195895433426, -0.005965410731732845, -0.0515962578356266, 0.01507355272769928, -0.10771588236093521, -0.03800341486930847, -0.045733511447906494, -0.09105540066957474, -0.01748141273856163, 0.04188845306634903, 0.02535102143883705, -0.10212705284357071, 0.024460654705762863, 0.030386609956622124, -0.011945312842726707, 0.05721846595406532, 0.03221982344985008, 0.017722608521580696, 0.053030531853437424, -0.05080058053135872, 0.0023804877419024706, 0.08053499460220337, -0.010358376428484917, -0.003023909404873848, 0.052577465772628784, -0.01871352083981037, 0.05020632967352867, 0.002834842773154378, 0.03703833371400833, -0.007656084839254618, -0.07110216468572617, -0.03397122025489807, 0.05148164927959442, 0.01655304990708828, -0.01421069260686636, -0.06598185002803802, 0.07074058800935745, 0.08079119026660919, 0.037430036813020706, -0.05143914744257927, -0.04325880855321884, -0.02251768298447132, -0.021389439702033997, -0.08519340306520462, -0.09578627347946167, 0.05258595943450928, 0.01861933059990406, -0.01992906630039215, 0.0234901774674654, -0.06860360503196716, -0.008443107828497887, 0.08724033832550049, 0.05867062509059906, -0.00921698659658432, -0.032461017370224, -0.05789671093225479, 0.0238144900649786, -0.05967635288834572, -0.035350166261196136, -0.019471367821097374, 0.04136573150753975, 0.04971920698881149, -0.034745365381240845, 0.038275670260190964, 0.019557667896151543, 0.01416157465428114, 0.057353101670742035, 0.021909696981310844, 0.02832195721566677, 0.006159920711070299, 0.039956603199243546, 0.050130054354667664, -0.1054280623793602, 0.048289816826581955, 0.009830310940742493, 0.04452626407146454, -0.08918426185846329, 0.06864912807941437, -0.013337488286197186, 0.06234056502580643, -0.052801404148340225, 0.06841152906417847, 0.010362408123910427, -0.010059447027742863, -0.006903321016579866, -0.014141436666250229, -0.010090501978993416, -0.006295315455645323, 0.031338926404714584, 0.01568112149834633, 0.056755781173706055, -0.014996328391134739, 0.09929221868515015, -0.010524052195250988, 0.10860778391361237, 0.04638112708926201, 0.022978007793426514, -0.07681775093078613, -0.056823182851076126, 0.057966943830251694, 0.09248287975788116, -0.006893780082464218, -0.03421937674283981, 0.0256136916577816, 0.021304666996002197, -0.04868572577834129, -0.03750840947031975, 0.04665614292025566, 0.03815901651978493, -0.027440717443823814, -0.05704059451818466, -0.020507920533418655, 0.08801839500665665, -0.08433543890714645, -0.04935017228126526, -0.04159242659807205, 0.03568918630480766, -0.029124682769179344, -0.026840703561902046, -0.06850013136863708, 1.8473044333385947e-33, 0.08961062133312225, 0.0663033053278923, 0.06415373086929321, -0.045586664229631424, 0.007688712328672409, -0.08496732264757156, -0.03539463132619858, -0.029023367911577225, -0.03959571570158005, -0.0490073561668396, -0.08760290592908859, -0.012828830629587173, -0.06784646213054657, 0.030341478064656258, 0.018509671092033386, -0.005165546666830778, -0.008507195860147476, 0.05181427299976349, 0.09216476231813431, 0.04583478718996048, 0.1721886545419693, 0.014882754534482956, -0.02146020345389843, -0.012277889996767044, -0.04322921112179756, 0.08579099178314209, 0.028442228212952614, -0.05312729254364967, -0.00979534350335598, 0.058134738355875015, -0.09146405756473541, -0.029046092182397842, -0.021695686504244804, 0.008476139046251774, -0.056272972375154495, -0.030512239784002304, -0.04792584851384163, 0.0031671891920268536, -0.05015904828906059, -0.04286554455757141, 0.002299890387803316, -0.007353654596954584, 0.023991908878087997, -0.05405547842383385, -0.03592747822403908, -0.012493367306888103, 0.05571819096803665, -0.02219567447900772, 0.0616062693297863, 0.011876740492880344, -0.06732824444770813, -0.006086425855755806, 0.016440019011497498, -0.009719355031847954, -0.011591867543756962, 0.09206774830818176, 0.07313767820596695, 0.04219187796115875, -0.03075917437672615, -0.015323293395340443, -0.003774321172386408, 0.032744117081165314, -0.004215274006128311, 0.028169747442007065, 0.07019832730293274, -0.04251042753458023, -0.062247950583696365, -0.0617702454328537, 0.030250752344727516, -0.015219616703689098, -0.13251124322414398, -0.022744404152035713, 0.0405358262360096, 0.006653225980699062, 0.12507279217243195, -0.061702001839876175, -0.024321043863892555, -0.05060349777340889, -0.08435668796300888, -0.014168966561555862, -0.04933591187000275, 0.029821880161762238, -0.010471910238265991, -0.016833525151014328, 0.0011939993128180504, -0.05721694603562355, 0.028426475822925568, -0.028233274817466736, 0.031206343322992325, 0.056448567658662796, -0.01119759026914835, 0.026534689590334892, -0.09483107179403305, -0.03345834091305733, -0.041795291006565094, -2.4451884108156576e-33, 0.07949525862932205, 0.049720533192157745, -0.02701861411333084, 0.06988967210054398, -0.027978895232081413, 0.03717552125453949, -0.0034790956415235996, 0.1639290302991867, -0.008757066912949085, -0.05120207369327545, 0.11000697314739227, -0.09582003206014633, 0.030250759795308113, -0.016872817650437355, 0.008628584444522858, -0.01895979605615139, -0.06960450857877731, 0.02050328068435192, 0.015392353758215904, 0.019164076074957848, 0.003594784066081047, 0.046318456530570984, -0.0653834119439125, 0.04978342726826668, 0.042491912841796875, -0.0002749142295215279, 0.07229007035493851, 0.11905937641859055, 0.03630365803837776, -0.012638906948268414, 0.012145815417170525, -0.07254409790039062, -0.049636710435152054, 0.030611984431743622, -0.03963295370340347, 0.022908208891749382, 0.07058347016572952, 0.020462611690163612, -0.018129238858819008, 0.13892070949077606, 0.02738364413380623, 0.11052242666482925, -0.043889518827199936, 0.039503395557403564, -0.012792929075658321, -0.030196039006114006, 0.02771311067044735, -0.014939009211957455, 0.030186451971530914, -0.12264428287744522, 0.04198233038187027, -0.02758086286485195, -0.14020128548145294, -0.05078980699181557, -0.026242658495903015, -0.0681801363825798, 0.0011923675192520022, -0.022706445306539536, -0.04355473816394806, -0.021834542974829674, -0.035737816244363785, -0.07842980325222015, -0.025302017107605934, -0.051177166402339935, 0.015400479547679424, -0.0673239603638649, -0.044713083654642105, 0.08737805485725403, 0.00455892737954855, 0.03487814590334892, -0.01963658444583416, -0.027689844369888306, 0.04268510639667511, 0.07120741903781891, 0.010983760468661785, -0.04791371524333954, -0.023842060938477516, -0.00783767830580473, 0.026793740689754486, -0.0912642702460289, -0.045419227331876755, -0.01794803887605667, 0.018362682312726974, 0.04759412631392479, 0.11451563984155655, 0.05877717211842537, 0.08862385898828506, 0.05302173271775246, -0.002596282633021474, -0.03266259655356407, 0.06025628373026848, 0.04974385350942612, -0.022831985726952553, 0.15862926840782166, -0.006540654692798853, -5.4172058838730663e-8, 0.01605498418211937, 0.027170782908797264, -0.08082566410303116, 0.07615992426872253, 0.03683486953377724, -0.0517401322722435, -0.0313529409468174, -0.013873904943466187, -0.04348128288984299, -0.046187303960323334, 0.020904751494526863, 0.07650366425514221, -0.09001356363296509, -0.0122489919885993, 0.03081445023417473, 0.01982085593044758, -0.07889898121356964, 0.11604458838701248, -0.006310966797173023, 0.002542306901887059, 0.03629094734787941, 0.00183167215436697, 0.018166882917284966, -0.06458911299705505, 0.05570673197507858, -0.008983026258647442, -0.007428301963955164, 0.06605251133441925, -0.01644178107380867, -0.027140097692608833, 0.023746510967612267, 0.027397168800234795, 0.0072921207174658775, -0.030117031186819077, -0.0024334292393177748, 0.08752048760652542, -0.07934059947729111, -0.014790068380534649, 0.011256596073508263, 0.04962285980582237, 0.010222356766462326, 0.01866127736866474, -0.09035857766866684, -0.006718532647937536, 0.018111256882548332, 0.027983076870441437, 0.01937205344438553, -0.0581587515771389, 0.04982159659266472, -0.011506984941661358, -0.016453996300697327, -0.016388144344091415, -0.052657488733530045, 0.011979615315794945, 0.01888585463166237, 0.023235764354467392, -0.032081443816423416, -0.07090841978788376, -0.0016049062833189964, -0.027182085439562798, -0.0036476850509643555, -0.02386796846985817, -0.02403239533305168, 0.011650019325315952 ]
sraza/wav2vec2-large-xls-r-300m-ur-colab
95a2d55143b4d15afefd528159b34f6f1edccdd7
2022-06-07T06:57:19.000Z
[ "pytorch", "wav2vec2", "automatic-speech-recognition", "transformers" ]
automatic-speech-recognition
false
sraza
null
sraza/wav2vec2-large-xls-r-300m-ur-colab
0
1
transformers
ASR for urdu language. Dataset used is common voice and also some self collected data.
[ -0.07938680797815323, 0.017637824639678, -0.11896377056837082, 0.03173866868019104, -0.08034587651491165, 0.01853097416460514, 0.04559895396232605, -0.05781229957938194, -0.024562055245041847, -0.08258786052465439, 0.10025515407323837, -0.009422054514288902, 0.020686985924839973, 0.027383670210838318, -0.025810621678829193, -0.029793156310915947, 0.03871126100420952, -0.05859399959445, 0.007839413359761238, -0.07247944921255112, -0.01837552711367607, 0.1393747329711914, 0.054690245538949966, 0.018610849976539612, 0.10099714994430542, 0.00011760921188397333, -0.05720081925392151, -0.007788564078509808, 0.055875688791275024, -0.036581140011548996, 0.09957361966371536, 0.09942975640296936, 0.14340269565582275, 0.079069122672081, 0.00961193349212408, 0.021014466881752014, -0.030449653044342995, 0.04952053353190422, -0.0572977252304554, 0.006732465699315071, -0.012673149816691875, -0.013854794204235077, 0.035708580166101456, 0.003961823880672455, 0.0005972481449134648, 0.03311341628432274, -0.08891042321920395, 0.012115728110074997, 0.013229737989604473, 0.010931859724223614, -0.07525350153446198, 0.07137816399335861, 0.01904074288904667, 0.037030257284641266, -0.017133574932813644, -0.02692880667746067, 0.017758330330252647, -0.030141087248921394, -0.08676673471927643, -0.035547491163015366, -0.06882015615701675, 0.02132747694849968, -0.027832621708512306, 0.015234489925205708, -0.006765070836991072, 0.06837719678878784, 0.018775999546051025, 0.012717300094664097, 0.01720219850540161, -0.009199545718729496, -0.07806126773357391, -0.036924753338098526, 0.05037544295191765, 0.08160199970006943, -0.0850391536951065, -0.05233043432235718, -0.01573925092816353, -0.05065537244081497, 0.006847728975117207, -0.0171648059040308, 0.0027915090322494507, 0.010068743489682674, 0.07491640746593475, 0.005684467498213053, 0.0053113349713385105, -0.009006241336464882, -0.0006953277625143528, 0.03784113749861717, -0.026330873370170593, 0.03282192349433899, -0.05260249972343445, 0.04919145256280899, 0.016368232667446136, 0.010744700208306313, -0.004550803452730179, -0.009848487563431263, 0.08379148691892624, 0.013035615906119347, 0.09657446295022964, -0.012982231564819813, 0.011051223613321781, -0.0033055483363568783, -0.027146421372890472, 0.039592400193214417, -0.08284590393304825, -0.07163996994495392, 0.006609819363802671, -0.12386326491832733, 0.1406400054693222, -0.01619577780365944, -0.043824102729558945, -0.007863964885473251, -0.06809492409229279, -0.10543765872716904, 0.07067868858575821, -0.0588018037378788, -0.0903732180595398, -0.0015655671013519168, 0.037001270800828934, 0.02618347480893135, -0.08640576899051666, 0.05500151216983795, 0.023998910561203957, 0.04325094446539879, 0.1251017451286316, -0.014656762592494488, -0.05482976511120796, -1.8796330993801e-33, -0.03256581351161003, 0.04600894823670387, 0.013198050670325756, -0.013757946901023388, -0.050449710339307785, -0.05060514062643051, -0.04036487638950348, -0.054625701159238815, -0.027014756575226784, -0.06872100383043289, 0.060766469687223434, -0.03632138669490814, -0.043030668050050735, 0.04717222973704338, 0.022862287238240242, -0.0019568675197660923, 0.009374680928885937, -0.010656987316906452, 0.006128463428467512, -0.05747072771191597, 0.05504714325070381, 0.07320743799209595, 0.053791970014572144, -0.0018801988335326314, 0.04513002559542656, -0.053876154124736786, 0.02956489473581314, 0.0016132041346281767, 0.0704415813088417, 0.0026061125099658966, 0.029789751395583153, 0.000655318726785481, -0.014031569473445415, 0.0007132210885174572, 0.02773268148303032, 0.00400189496576786, 0.026090530678629875, -0.004160938784480095, -0.03929528594017029, 0.04312659054994583, 0.002719803247600794, -0.022528715431690216, 0.0500105619430542, 0.018833620473742485, -0.04723960906267166, -0.04666735604405403, -0.06833455711603165, 0.005508990492671728, 0.014647899195551872, 0.03365708887577057, -0.03988752141594887, -0.013729373924434185, -0.028993476182222366, 0.02329159341752529, 0.0433584526181221, 0.029520267620682716, -0.014071155339479446, -0.023772500455379486, 0.0027149966917932034, 0.06583929806947708, -0.006132098846137524, -0.08755999803543091, 0.024596592411398888, -0.03034866601228714, 0.05705719068646431, -0.05159629508852959, 0.016749314963817596, -0.03648509085178375, 0.051725056022405624, 0.01305320579558611, -0.0022117746993899345, -0.026461845263838768, 0.004152373410761356, 0.08795665204524994, -0.05045009031891823, 0.1166515201330185, -0.042326051741838455, -0.0077940309420228004, 0.013366124592721462, 0.08358164131641388, -0.023712746798992157, 0.023881761357188225, 0.02540227212011814, 0.022436246275901794, -0.044404610991477966, 0.03421305492520332, 0.06864473968744278, -0.11644072830677032, 0.08330385386943817, 0.04199400171637535, -0.019342046231031418, -0.024003971368074417, -0.06481471657752991, -0.09466774016618729, 0.02163238823413849, -8.158872108542295e-34, -0.0071222856640815735, 0.04747401177883148, -0.09608880430459976, 0.11798369884490967, -0.0580950491130352, -0.03165166452527046, 0.12023873627185822, 0.02469179593026638, 0.0976857841014862, 0.01929895207285881, -0.02177152968943119, -0.0405314639210701, 0.056822776794433594, -0.06757090985774994, 0.08536158502101898, 0.02483038417994976, 0.021038752049207687, 0.044285546988248825, 0.04230841249227524, 0.11096501350402832, -0.040224868804216385, 0.03270689398050308, -0.06883003562688828, 0.030692467465996742, 0.0005376267363317311, -0.0535203218460083, -0.0518445260822773, -0.04522402584552765, -0.03173147886991501, -0.00313202734105289, 0.034005217254161835, -0.019347233697772026, -0.032829150557518005, -0.03043914958834648, -0.0957857221364975, -0.0069528305903077126, 0.03166116401553154, -0.041670218110084534, -0.06099846959114075, 0.009830807335674763, 0.03177005425095558, 0.08457322418689728, -0.05184726044535637, -0.022368961945176125, 0.006854156963527203, -0.07061990350484848, -0.10274127125740051, 0.09531869739294052, 0.01560995727777481, -0.12863832712173462, 0.02768448367714882, -0.054517101496458054, 0.05193069204688072, -0.08013557642698288, 0.01113770343363285, -0.05500004440546036, 0.03816715255379677, -0.08833931386470795, -0.034582845866680145, 0.008147804997861385, 0.03521430492401123, 0.009602809324860573, 0.028149599209427834, 0.0029798441100865602, -0.015923980623483658, -0.06868273764848709, 0.012577084824442863, -0.11866912990808487, 0.0011127415345981717, -0.04900787025690079, 0.0026192746590822935, -0.05419338494539261, -0.014284424483776093, 0.056878622621297836, -0.04515088349580765, -0.03336450085043907, -0.10998504608869553, 0.02049555815756321, -0.05146095156669617, 0.05617564544081688, -0.016939327120780945, -0.030817652121186256, 0.014864997938275337, 0.017324386164546013, -0.009562251158058643, 0.015018732286989689, 0.008087292313575745, -0.00977340992540121, 0.020307213068008423, -0.014290050603449345, -0.019745416939258575, -0.007628334686160088, -0.031398989260196686, 0.15741896629333496, -0.022687718272209167, -1.99510701293093e-8, -0.033496443182229996, -0.06391111016273499, 0.05177617445588112, -0.058825720101594925, 0.02900790609419346, -0.030053667724132538, 0.03279613330960274, -0.022946076467633247, 0.008112645708024502, -0.018726760521531105, 0.013740716502070427, -0.060820672661066055, -0.035120945423841476, 0.000269208918325603, -0.014851672574877739, 0.016749637201428413, 0.09819836914539337, 0.07073564827442169, 0.02282543294131756, -0.0372941754758358, 0.05916563421487808, 0.04361293837428093, -0.04384136572480202, -0.010052647441625595, -0.011065786704421043, 0.07226788997650146, -0.020247317850589752, 0.08726644515991211, 0.0008867446449585259, -0.07828647643327713, 0.037077322602272034, 0.023054014891386032, 0.08224131166934967, -0.06961342692375183, 0.02247948944568634, 0.047807540744543076, 0.060988910496234894, -0.024083729833364487, 0.06444209814071655, 0.08517540991306305, 0.011685230769217014, 0.006101872306317091, -0.03995591402053833, 0.014082785695791245, -0.0033028998877853155, 0.07261709868907928, -0.00591227225959301, -0.09757408499717712, -0.011501075699925423, -0.08965086936950684, 0.08886725455522537, 0.0022407888900488615, -0.0138125354424119, 0.04805094376206398, 0.09233291447162628, 0.03195462375879288, 0.007147536147385836, -0.02847454883158207, 0.02276296727359295, -0.03189608082175255, -0.0012842121068388224, 0.01125866174697876, -0.010136877186596394, -0.007417799439281225 ]
mazenalasali/layoutlmv2-finetuned-funsd-test
73090e876b5906cb44383124c1eb809a10462eba
2022-03-16T13:02:29.000Z
[ "pytorch", "tensorboard", "layoutlmv2", "token-classification", "transformers", "generated_from_trainer", "license:cc-by-nc-sa-4.0", "model-index", "autotrain_compatible" ]
token-classification
false
mazenalasali
null
mazenalasali/layoutlmv2-finetuned-funsd-test
0
null
transformers
--- license: cc-by-nc-sa-4.0 tags: - generated_from_trainer model-index: - name: layoutlmv2-finetuned-funsd-test 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. --> # layoutlmv2-finetuned-funsd-test This model is a fine-tuned version of [microsoft/layoutlmv2-base-uncased](https://huggingface.co/microsoft/layoutlmv2-base-uncased) on an unknown dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 5e-05 - train_batch_size: 8 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_ratio: 0.1 - training_steps: 1000 - mixed_precision_training: Native AMP ### Training results ### Framework versions - Transformers 4.18.0.dev0 - Pytorch 1.8.0+cu101 - Datasets 2.0.0 - Tokenizers 0.11.6
[ -0.05095547437667847, -0.028538737446069717, -0.039466265588998795, 0.05324001610279083, 0.0344768688082695, 0.009156769141554832, -0.035453855991363525, -0.04978758469223976, -0.10951578617095947, -0.09108001738786697, 0.05723709240555763, -0.08185636252164841, -0.00822847243398428, -0.01923888735473156, -0.07560483366250992, 0.022900406271219254, 0.07718861848115921, -0.05816006660461426, -0.08176691085100174, 0.07228820770978928, -0.005366443656384945, 0.048931002616882324, -0.005934942048043013, 0.0387570746243, -0.03693317249417305, 0.04676153138279915, -0.005674564279615879, 0.03338535130023956, -0.007340058218687773, -0.05586625263094902, 0.07155990600585938, 0.006098367739468813, 0.05256656929850578, 0.0706460028886795, 0.07793036848306656, 0.005625999066978693, -0.008328942582011223, 0.0038016154430806637, 0.011575390584766865, -0.015582561492919922, -0.023424187675118446, -0.05741005390882492, 0.0073708356358110905, 0.0794353112578392, 0.07627516984939575, 0.07306019961833954, -0.046433739364147186, -0.12191016972064972, -0.04258367791771889, 0.013787252828478813, -0.10792916268110275, -0.08950939774513245, 0.049212630838155746, -0.05042862892150879, -0.031882621347904205, 0.0196126289665699, -0.03006591461598873, 0.008754477836191654, -0.04088392108678818, 0.006316887214779854, 0.007089289370924234, -0.0352117083966732, -0.03760671988129616, -0.007401815615594387, -0.10155204683542252, -0.004903009161353111, -0.025345580652356148, -0.009215901605784893, 0.07711756229400635, -0.0577547661960125, 0.02298813685774803, 0.06286687403917313, -0.012947519309818745, 0.014679716899991035, 0.027593368664383888, 0.06496354937553406, 0.04044501855969429, 0.002104844432324171, 0.12254698574542999, -0.1427924931049347, -0.05177605152130127, -0.04455821216106415, 0.03947161138057709, -0.004709047731012106, 0.05299219489097595, 0.03621447831392288, 0.02757366932928562, 0.013023145496845245, 0.029771752655506134, 0.006424195133149624, -0.010078702121973038, 0.013464552350342274, -0.013596229255199432, 0.049475833773612976, 0.02776261977851391, 0.032521966844797134, -0.008942318148911, -0.05775227025151253, -0.0810234546661377, 0.11662686616182327, -0.06890846788883209, 0.03438163548707962, 0.051232315599918365, 0.04202092066407204, 0.001610343111678958, -0.01876208186149597, 0.05540412291884422, 0.06497788429260254, 0.03970771282911301, -0.055202506482601166, 0.044754400849342346, 0.05242321267724037, -0.047441333532333374, -0.009545411914587021, 0.020112749189138412, 0.036570124328136444, -0.033645689487457275, 0.01687466725707054, -0.05965575575828552, 0.07181677967309952, -0.03465772420167923, -0.014898132532835007, -0.04607056826353073, -0.022366013377904892, -0.09560897946357727, -0.08582860976457596, -0.0744059681892395, 3.9370395155129163e-33, -0.003737845690920949, 0.01792922616004944, -0.020663490518927574, 0.022511398419737816, 0.08494729548692703, -0.01533263549208641, 0.05995231494307518, -0.022967930883169174, -0.004622193053364754, -0.005269077140837908, -0.07890429347753525, -0.05677146092057228, -0.03779178857803345, 0.11687522381544113, 0.01860351860523224, -0.039450451731681824, -0.008052718825638294, 0.06869176030158997, 0.007137261796742678, -0.000706935825292021, 0.12758377194404602, 0.019188743084669113, -0.025769367814064026, -0.11692079901695251, -0.05472533032298088, 0.09368957579135895, 0.014658055268228054, -0.017138119786977768, 0.04118410870432854, 0.053466301411390305, -0.06563854962587357, -0.005581141449511051, -0.007604581769555807, 0.03962038457393646, 0.03426788002252579, 0.031441494822502136, 0.01975252479314804, 0.007630452513694763, -0.005162536166608334, -0.042752500623464584, 0.042342424392700195, 0.020739316940307617, 0.07622920721769333, -0.062709279358387, -0.06315997987985611, -0.03888951614499092, 0.05784372240304947, 0.018315700814127922, 0.03691630810499191, -0.014097926206886768, -0.06241188570857048, 0.04425051808357239, 0.05918731912970543, -0.05930865556001663, -0.07329382747411728, -0.04338737949728966, 0.03874459117650986, 0.14855147898197174, 0.017377883195877075, 0.006242732051759958, 0.007399395108222961, 0.06438852101564407, -0.029161429032683372, -0.003028235165402293, -0.031245950609445572, -0.05469578132033348, -0.043886490166187286, -0.13633035123348236, 0.012678134255111217, 0.018229300156235695, 0.00034536694874987006, 0.0023589455522596836, 0.0052774217911064625, 0.004703064449131489, 0.04418504610657692, -0.12312986701726913, 0.033221691846847534, -0.05200968310236931, -0.05770602077245712, -0.002512408886104822, -0.01891096495091915, 0.05101732909679413, -0.01643749140202999, -0.10031025856733322, -0.018240079283714294, -0.09944292157888412, 0.011451957747340202, -0.036537062376737595, -0.008063813671469688, 0.027897663414478302, -0.02693885937333107, -0.018218345940113068, -0.07300383597612381, -0.00009411422797711566, 0.040528710931539536, -3.922362366516946e-33, 0.0186922587454319, 0.0658978596329689, -0.02418936975300312, 0.03677138686180115, -0.01495283655822277, -0.0040200562216341496, 0.007223461754620075, 0.07161553204059601, -0.052842751145362854, -0.06706604361534119, 0.08834939450025558, 0.013057846575975418, -0.03233134374022484, -0.013017474673688412, 0.0026342959608882666, 0.019439615309238434, -0.04183226451277733, 0.007918856106698513, 0.03851218521595001, -0.030066324397921562, 0.009382139891386032, 0.10042905807495117, -0.12684942781925201, 0.043636392802000046, 0.02345818281173706, 0.015025923028588295, 0.04963807016611099, 0.13809147477149963, 0.09057861566543579, 0.0302501879632473, -0.011292064562439919, -0.015511196106672287, -0.037571389228105545, 0.03520845249295235, 0.0010250955820083618, 0.04706459864974022, 0.027988797053694725, -0.05123816803097725, -0.048831433057785034, 0.06932367384433746, 0.012823263183236122, 0.05595606565475464, -0.1020323634147644, 0.09226841479539871, -0.0023652156814932823, 0.0492328479886055, 0.05696386098861694, -0.0410071462392807, 0.008457598276436329, -0.03536371886730194, -0.014713184908032417, -0.043715815991163254, -0.06837908923625946, -0.026811257004737854, -0.01915963925421238, 0.0012800701661035419, -0.03897561877965927, 0.015095928683876991, -0.0012045239564031363, -0.04625788703560829, 0.010488378815352917, 0.032820720225572586, -0.0736490935087204, -0.01422926690429449, 0.012254335917532444, -0.0006476014968939126, -0.08035452663898468, 0.021316876634955406, -0.04441513866186142, 0.04199416935443878, -0.062152761965990067, 0.06702221184968948, 0.036290694028139114, 0.018098820000886917, -0.021436605602502823, -0.03971725329756737, -0.00856330431997776, 0.01146612223237753, 0.007426142226904631, -0.0826897993683815, -0.04635913670063019, -0.045829154551029205, 0.08067527413368225, 0.06604845821857452, 0.10447962582111359, 0.06223255768418312, 0.08690550178289413, 0.10280518233776093, -0.07240806519985199, -0.013716179877519608, 0.040805067867040634, 0.013976053334772587, 0.026178479194641113, 0.17464163899421692, -0.0018001989228650928, -6.191431367597033e-8, -0.022688349708914757, -0.012125235050916672, -0.008670945651829243, 0.013327257707715034, 0.008540511131286621, 0.0368458554148674, 0.02406218834221363, 0.026541337370872498, -0.05879586189985275, -0.012281685136258602, 0.0030668345279991627, 0.01483431737869978, -0.10517647862434387, -0.009693033993244171, 0.014318679459393024, 0.028036894276738167, -0.06159253790974617, 0.12869708240032196, -0.03983020782470703, -0.04437851905822754, 0.02114454284310341, -0.018990417942404747, 0.041335877031087875, -0.0787416324019432, 0.02773178182542324, -0.024527201429009438, -0.011384856887161732, 0.08743736147880554, -0.02533152885735035, -0.034491319209337234, 0.05069202184677124, 0.03056476078927517, 0.08722410351037979, -0.04176592454314232, -0.018925277516245842, 0.10800836235284805, -0.020020637661218643, 0.023874597623944283, 0.023151591420173645, 0.00822022370994091, -0.05757252499461174, 0.02643009088933468, -0.026322687044739723, -0.0037604705430567265, 0.06645303219556808, -0.015509847551584244, 0.0033585946075618267, -0.06025511771440506, 0.04792742058634758, -0.033134087920188904, 0.014984923414885998, 0.015435091219842434, -0.0693168044090271, 0.04218114912509918, 0.0020567376632243395, 0.03115943819284439, -0.03734312579035759, -0.03504960611462593, 0.012209716252982616, 0.014697801321744919, 0.010243505239486694, -0.007390814833343029, -0.029486872255802155, -0.020192155614495277 ]
krinal214/xlm-3lang
a882fe9e6b96617f34a0706960727bc571439cd7
2022-03-16T12:55:35.000Z
[ "pytorch", "tensorboard", "xlm-roberta", "question-answering", "dataset:tydiqa", "transformers", "generated_from_trainer", "license:mit", "model-index", "autotrain_compatible" ]
question-answering
false
krinal214
null
krinal214/xlm-3lang
0
null
transformers
--- license: mit tags: - generated_from_trainer datasets: - tydiqa model-index: - name: xlm-eng-beng-tel 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. --> # xlm-eng-beng-tel This model is a fine-tuned version of [xlm-roberta-base](https://huggingface.co/xlm-roberta-base) on the tydiqa dataset. It achieves the following results on the evaluation set: - Loss: 0.7303 ## 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 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 2.2927 | 1.0 | 810 | 0.7303 | ### Framework versions - Transformers 4.15.0 - Pytorch 1.9.1 - Datasets 2.0.0 - Tokenizers 0.10.3
[ -0.06438381224870682, -0.033872269093990326, -0.0631479024887085, 0.005937948822975159, -0.0032039759680628777, 0.045034024864435196, 0.00026968203019350767, 0.031195808202028275, -0.052841152995824814, -0.024119803681969643, 0.025834660977125168, -0.05676480010151863, 0.053620707243680954, -0.0815187394618988, -0.06471575796604156, 0.08020307868719101, 0.09099068492650986, -0.05828724056482315, -0.0845070332288742, 0.03327085077762604, 0.010634331032633781, 0.05337080731987953, 0.06189072132110596, 0.025544168427586555, 0.03965279832482338, -0.016478391364216805, -0.034143999218940735, 0.04652859643101692, 0.032261889427900314, -0.004110926296561956, 0.0051091681234538555, 0.08161834627389908, 0.04138375446200371, 0.04043491184711456, 0.00851819571107626, 0.07446744292974472, -0.022111384198069572, -0.07677487283945084, -0.008161536417901516, 0.014370969496667385, 0.05328410118818283, -0.05250120908021927, -0.042177800089120865, 0.03355146944522858, 0.03026236779987812, -0.02461179718375206, 0.010129553265869617, -0.04434006288647652, -0.026743562892079353, 0.04303750768303871, -0.09903936088085175, -0.02949375845491886, 0.04534740000963211, -0.019135024398565292, -0.05104441940784454, 0.030592383816838264, -0.03128228336572647, 0.00869445689022541, -0.028926722705364227, -0.0221489779651165, -0.028422202914953232, -0.014701416715979576, -0.08274582773447037, -0.03859657794237137, -0.062300268560647964, -0.07656388729810715, -0.052786026149988174, 0.023772530257701874, 0.045693639665842056, -0.047335341572761536, 0.03512614592909813, -0.010326705873012543, -0.06658940762281418, 0.03889032453298569, -0.016187820583581924, 0.054362352937459946, 0.036528635770082474, -0.0007030126289464533, 0.06444405764341354, -0.062449000775814056, -0.044097110629081726, -0.02760987915098667, 0.04362912476062775, -0.010263842530548573, 0.045348286628723145, 0.000132065819343552, 0.05982664227485657, 0.07433523237705231, 0.03143099322915077, 0.0033684931695461273, 0.001828450825996697, -0.012330071069300175, -0.011708599515259266, 0.023466385900974274, -0.020878639072179794, 0.015961460769176483, -0.009697388857603073, -0.0003192510630469769, -0.05413687974214554, 0.08820918947458267, -0.05441243201494217, 0.07964243739843369, 0.0022142017260193825, 0.06900379061698914, -0.030824212357401848, -0.02327144332230091, 0.07512474805116653, 0.12189870327711105, 0.07858319580554962, -0.07539717853069305, 0.08867279440164566, 0.00712248869240284, 0.004272775258868933, 0.0076968129724264145, 0.033643435686826706, 0.0840960294008255, 0.0030920966528356075, -0.03268047794699669, -0.020543577149510384, 0.07867275923490524, -0.02929498441517353, -0.06137759983539581, 0.018477529287338257, 0.01809927448630333, -0.011526644229888916, -0.024191809818148613, -0.0659547969698906, 3.6958034628112126e-33, 0.04220898076891899, 0.07052978873252869, 0.02009802870452404, -0.03171295300126076, 0.012854265049099922, 0.022009192034602165, 0.015979351475834846, -0.001282834797166288, -0.021734779700636864, -0.010496110655367374, -0.1508731096982956, 0.006710687652230263, -0.029409099370241165, 0.06356117874383926, -0.004995191935449839, -0.030145196244120598, -0.053970515727996826, 0.041358839720487595, 0.002284540794789791, 0.0745149478316307, 0.13556091487407684, 0.02465922385454178, -0.048810988664627075, -0.07989617437124252, -0.023640943691134453, 0.09122685343027115, 0.056476373225450516, -0.017895394936203957, 0.002541489899158478, 0.04882330074906349, -0.06595496833324432, 0.04864528775215149, -0.05584079027175903, -0.03384857252240181, 0.02906033955514431, 0.03504810854792595, -0.05571223050355911, 0.04249265044927597, -0.0004572837788145989, -0.07152391225099564, -0.012634888291358948, 0.026125513017177582, 0.08636303246021271, -0.054869432002305984, -0.056309930980205536, -0.03947196155786514, 0.0700874775648117, 0.0101890554651618, 0.0859249010682106, -0.010175050236284733, 0.003731012111529708, -0.013805500231683254, 0.026528583839535713, -0.006521814502775669, -0.03608406335115433, 0.039286497980356216, 0.0382595956325531, 0.15988023579120636, -0.020890405401587486, 0.010901541449129581, 0.02207716554403305, -0.01899164915084839, -0.01611229218542576, 0.022068191319704056, 0.0008131753420457244, -0.011685996316373348, -0.051416508853435516, -0.112496018409729, 0.03247642517089844, 0.04214955493807793, -0.06098456308245659, -0.013563086278736591, 0.05252216011285782, 0.0023094085045158863, 0.10471127182245255, -0.06453359127044678, 0.028854191303253174, -0.01286583673208952, -0.04685750976204872, -0.06377237290143967, 0.04564828798174858, 0.05236272141337395, -0.01827392354607582, -0.07954353094100952, -0.03908337652683258, -0.10716159641742706, 0.04839389771223068, -0.06710980832576752, -0.0777108371257782, 0.02706116996705532, -0.017180008813738823, 0.0411708690226078, -0.07659588754177094, 0.00507707055658102, -0.07976045459508896, -3.464663437215134e-33, 0.01074337586760521, 0.06841154396533966, -0.052133381366729736, 0.03245282918214798, -0.007634299341589212, -0.018602890893816948, 0.05048483982682228, 0.08613646030426025, -0.08562682569026947, -0.035404711961746216, 0.12888360023498535, -0.035874854773283005, -0.03908549249172211, 0.03312968090176582, -0.011486615054309368, -0.004644136410206556, -0.032081395387649536, -0.025774599984288216, -0.03908618912100792, -0.08521629869937897, -0.05882665514945984, 0.09950600564479828, -0.05836282670497894, 0.02908630110323429, 0.01601041853427887, -0.020021405071020126, 0.040929753333330154, 0.13829512894153595, 0.08138745278120041, -0.02487550675868988, -0.04515700414776802, 0.0021323279943317175, -0.06588806957006454, 0.06102773919701576, -0.000029763132260995917, 0.10921718925237656, 0.05694880709052086, -0.007904612459242344, 0.003200223669409752, 0.08603391796350479, 0.07232118397951126, 0.024275854229927063, -0.06380860507488251, 0.03413320705294609, 0.017113592475652695, 0.010437121614813805, -0.02151987887918949, -0.05380960553884506, -0.05107854679226875, -0.006471059285104275, 0.025724967941641808, -0.030910246074199677, -0.06454905867576599, 0.05602005124092102, 0.0006491965032182634, -0.05298968777060509, 0.017348982393741608, -0.04552919790148735, -0.05463829264044762, -0.012530522421002388, -0.025919858366250992, 0.021746380254626274, -0.01989683136343956, -0.005272882990539074, 0.01922173798084259, -0.04828641191124916, -0.06284301728010178, 0.04112854227423668, -0.01492162887006998, 0.09080991894006729, -0.006427033804357052, 0.02742013707756996, 0.0603429414331913, 0.015171956270933151, 0.00663863867521286, 0.013202986679971218, -0.07665543258190155, -0.04589652270078659, -0.040182873606681824, -0.1461479663848877, -0.046219635754823685, -0.006182714365422726, 0.02609076164662838, 0.11444214731454849, 0.0407884456217289, 0.10830860584974289, 0.11397790908813477, 0.0723271518945694, -0.03515093773603439, -0.005786783993244171, 0.026361729949712753, -0.02512662298977375, -0.0022190359886735678, 0.11067701876163483, -0.0353768952190876, -5.7336677627972676e-8, -0.04671573266386986, 0.05345183238387108, -0.04647187143564224, 0.05003979429602623, 0.015034998767077923, 0.0009461863082833588, -0.03607720136642456, 0.017006563022732735, -0.008194980211555958, 0.05573483556509018, 0.03606100752949715, 0.004982079844921827, -0.13271541893482208, 0.013390808366239071, 0.02924245037138462, -0.0035241232253611088, -0.043197039514780045, 0.04421648010611534, -0.027835503220558167, -0.01177234761416912, 0.032346490770578384, 0.0035222081933170557, -0.00926149170845747, -0.03783874586224556, 0.05104285106062889, -0.10815146565437317, -0.0600149966776371, 0.09870944917201996, -0.01522859837859869, -0.026467958465218544, 0.02926911972463131, 0.019745465368032455, 0.024103811010718346, -0.02828088402748108, -0.07581169158220291, 0.05926460400223732, -0.04988633468747139, 0.0043207211419939995, 0.05251011252403259, 0.053812019526958466, -0.036198608577251434, -0.000047363064368255436, -0.09294401109218597, -0.023509671911597252, 0.06310837715864182, -0.031781356781721115, 0.006638842169195414, -0.13868698477745056, 0.028641032055020332, -0.0028933309949934483, 0.07972617447376251, 0.003948848228901625, -0.030345816165208817, -0.02502201870083809, 0.01869923062622547, -0.02109180949628353, -0.06486151367425919, -0.01569742150604725, 0.056119006127119064, -0.0020837197080254555, -0.029533548280596733, -0.035577982664108276, -0.031215805560350418, -0.03619122877717018 ]
newtonkwan/gpt2-xl-ft-0
db4a67ee4b48f80835f01f347b6563a004db673e
2022-03-16T21:58:33.000Z
[ "pytorch", "tensorboard", "gpt2", "text-generation", "transformers", "generated_from_trainer", "model-index" ]
text-generation
false
newtonkwan
null
newtonkwan/gpt2-xl-ft-0
0
null
transformers
--- tags: - generated_from_trainer model-index: - name: gpt2-xl-ft-0 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-xl-ft-0 This model is a fine-tuned version of [gpt2-xl](https://huggingface.co/gpt2-xl) on an unknown dataset. It achieves the following results on the evaluation set: - Loss: 2.0324 ## 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: 4 - eval_batch_size: 4 - seed: 2022 - gradient_accumulation_steps: 32 - total_train_batch_size: 128 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 100.0 - num_epochs: 4 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | No log | 0.96 | 6 | 5.1701 | | No log | 1.96 | 12 | 4.1214 | | No log | 2.96 | 18 | 2.5305 | | No log | 3.96 | 24 | 2.0324 | ### Framework versions - Transformers 4.17.0 - Pytorch 1.10.0+cu111 - Datasets 2.0.0 - Tokenizers 0.11.6 ### Perplexity Score: 17.31455421447754 ### Dataset Size Size: 1000
[ -0.0736783891916275, -0.020841319113969803, -0.01683017611503601, 0.057993050664663315, 0.054646994918584824, -0.017359305173158646, -0.016645850613713264, 0.008248455822467804, -0.06791897863149643, -0.12691794335842133, -0.013347769156098366, -0.04774177819490433, -0.005739063024520874, -0.07352528721094131, -0.08589690178632736, 0.01653820276260376, 0.08000313490629196, -0.039145082235336304, -0.06166471540927887, 0.018149483948946, 0.02952216938138008, 0.026493845507502556, 0.03398626297712326, 0.03492600843310356, -0.010623968206346035, 0.01729327067732811, -0.02995876967906952, 0.011280365288257599, 0.0073938616551458836, -0.01829650066792965, 0.04004180058836937, -0.022091791033744812, -0.03255164623260498, 0.0649435818195343, -0.014249174855649471, 0.021207444369792938, -0.017531046643853188, -0.05231940373778343, 0.029206372797489166, 0.027394458651542664, 0.04007013514637947, -0.043735355138778687, -0.031034747138619423, 0.06694363802671432, 0.08775576204061508, 0.020987074822187424, -0.039722245186567307, -0.07785071432590485, -0.03710879758000374, 0.004608720541000366, -0.08285635709762573, -0.07181686162948608, 0.03918284922838211, -0.03668367117643356, -0.005803776904940605, 0.06124471127986908, -0.023113271221518517, -0.053550075739622116, -0.001327311503700912, -0.027899865061044693, 0.030431916937232018, -0.028586678206920624, -0.0886710062623024, -0.027632618322968483, -0.09771055728197098, -0.04357209429144859, -0.027045579627156258, 0.006546967662870884, 0.10302786529064178, -0.05568131059408188, 0.03525923192501068, 0.10569233447313309, -0.06813310086727142, 0.0012769642053171992, 0.006933532655239105, 0.04329092055559158, 0.008642375469207764, 0.02329614758491516, 0.03554833307862282, -0.06344987452030182, -0.002145004691556096, -0.05341321974992752, 0.06798247992992401, -0.05367553234100342, -0.0023459920194000006, -0.02492470107972622, 0.08871577680110931, 0.04050375521183014, 0.04088429734110832, 0.035082556307315826, -0.04791649430990219, 0.02610633708536625, -0.010507025755941868, 0.04692821204662323, 0.008846068754792213, 0.0010015027364715934, 0.009702981449663639, -0.03883073106408119, -0.07234935462474823, 0.0782642811536789, -0.059202130883932114, 0.05261356011033058, 0.012622995302081108, 0.06840220838785172, -0.0020693077240139246, -0.006268725264817476, 0.012324652634561062, 0.08212843537330627, 0.07112997770309448, -0.04635179787874222, 0.08672796934843063, 0.00023477546346839517, -0.020693540573120117, 0.010023868642747402, 0.03346909210085869, 0.1263299435377121, -0.03840849548578262, 0.017498396337032318, -0.05227334424853325, 0.10973828285932541, -0.04552736133337021, -0.021405085921287537, -0.03575862944126129, -0.041891809552907944, -0.07321343570947647, -0.04706266522407532, -0.11597735434770584, 3.484930796533233e-33, 0.025087937712669373, 0.007072468288242817, 0.005894272588193417, -0.03104410506784916, 0.039520468562841415, 0.02826795168220997, -0.017159465700387955, -0.059177298098802567, 0.04224065691232681, -0.009694580920040607, -0.12498870491981506, -0.020910682156682014, -0.08056526631116867, 0.1262005716562271, -0.005947164259850979, -0.030304044485092163, 0.004995046649128199, 0.06664068251848221, 0.04357180744409561, 0.02826770767569542, 0.1410202980041504, 0.04327906295657158, -0.03598521649837494, -0.10542245954275131, -0.035164471715688705, 0.08661437034606934, 0.016618918627500534, -0.011625253595411777, 0.034516673535108566, 0.06090739741921425, -0.06709478050470352, -0.03737736493349075, -0.00033076677937060595, 0.023472793400287628, 0.030934607610106468, 0.016896648332476616, 0.0006983106140978634, 0.006836302112787962, 0.05479221045970917, -0.03755214065313339, 0.02529897354543209, 0.0062186275608837605, 0.08557247370481491, -0.09763913601636887, -0.07498184591531754, -0.04235399514436722, 0.08620338886976242, 0.02932911552488804, 0.046510953456163406, 0.05439772456884384, -0.07133257389068604, 0.015580416657030582, -0.005630902014672756, -0.028509998694062233, -0.06679108738899231, 0.026214634999632835, 0.03469161316752434, 0.13431230187416077, 0.005561476573348045, 0.014425847679376602, 0.04314574599266052, 0.02849486842751503, 0.0022328172344714403, 0.0009147181990556419, -0.031184054911136627, 0.0008364642271772027, -0.05861872807145119, -0.06096276640892029, 0.00389932282269001, 0.08445391803979874, -0.07351800799369812, -0.012384851463139057, 0.06272300332784653, -0.05119484290480614, 0.1742391437292099, -0.11548119783401489, 0.03285245597362518, -0.0003036260313820094, -0.03257989138364792, -0.03991705924272537, -0.04949788749217987, 0.059580907225608826, -0.022913245484232903, -0.0651187002658844, -0.058110304176807404, -0.08927058428525925, -0.005562880542129278, -0.010620790533721447, -0.04145057499408722, 0.015572592616081238, -0.09015055000782013, 0.008294101804494858, -0.0889483094215393, 0.01183732133358717, -0.013955851085484028, -3.933904986358052e-33, 0.03896155208349228, 0.06222710385918617, 0.01136805396527052, 0.060238320380449295, 0.0009538432932458818, -0.017947658896446228, 0.04224729165434837, 0.07305189222097397, -0.042823426425457, -0.011100642383098602, 0.10094959288835526, 0.027561793103814125, -0.06713084131479263, 0.006268792320042849, 0.014550626277923584, -0.026059584692120552, -0.05669230967760086, -0.020650126039981842, -0.033138688653707504, -0.03333941474556923, -0.023973632603883743, 0.08381674438714981, -0.07107974588871002, 0.0536746010184288, 0.043540410697460175, -0.011483491398394108, 0.08251986652612686, 0.09602141380310059, 0.07697363197803497, -0.032828155905008316, -0.018030768260359764, 0.06146923080086708, -0.03814273327589035, 0.029207641258835793, -0.006681292317807674, 0.04019487276673317, 0.09466780722141266, 0.00007846188236726448, -0.043702494353055954, 0.09837570786476135, 0.05881328508257866, 0.03943049535155296, -0.048029251396656036, 0.06492874771356583, 0.030650312080979347, 0.043703339993953705, 0.03829345852136612, -0.04389460012316704, -0.0036174170672893524, -0.003004200756549835, -0.013887420296669006, -0.05725719407200813, -0.08269966393709183, 0.042238835245370865, -0.005649231374263763, -0.0576113760471344, -0.016222868114709854, 0.030643897131085396, -0.03998168557882309, 0.012031195685267448, -0.024207912385463715, -0.023649204522371292, -0.019699852913618088, -0.0076436433009803295, -0.006034412421286106, -0.051514528691768646, -0.07971138507127762, 0.03264819458127022, 0.034451521933078766, 0.12280433624982834, 0.0028059636242687702, 0.047475747764110565, 0.026893703266978264, 0.013846220448613167, -0.05086228623986244, 0.015916436910629272, -0.037443723529577255, -0.03733154758810997, 0.012568146921694279, -0.10108385235071182, -0.005042165517807007, 0.0024322543758898973, 0.08628961443901062, 0.05421150103211403, 0.08814412355422974, 0.03143445402383804, 0.07435551285743713, 0.11855672299861908, -0.040642090141773224, -0.02030421979725361, 0.012017689645290375, 0.002309995936229825, 0.0047394391149282455, 0.10976701229810715, -0.0320180244743824, -5.954339954428178e-8, -0.01264474168419838, 0.03721125051379204, -0.018836108967661858, 0.07113367319107056, 0.0024389440659433603, -0.005602304358035326, -0.033879246562719345, 0.031160933896899223, -0.03564782813191414, -0.011724291369318962, 0.030577605590224266, -0.01326286606490612, -0.07571638375520706, -0.018322784453630447, 0.01976878196001053, -0.007581425830721855, -0.04178100451827049, 0.06862638145685196, -0.026570305228233337, -0.0262832660228014, -0.035164784640073776, -0.025858920067548752, 0.011507689952850342, -0.05313515290617943, 0.06642281264066696, -0.11010019481182098, -0.022929180413484573, 0.07962600886821747, -0.028694896027445793, 0.015171722508966923, 0.05131381377577782, 0.014442479237914085, 0.038259655237197876, -0.03553382307291031, -0.02044723927974701, 0.0660066157579422, -0.020934902131557465, 0.01133668888360262, 0.07226165384054184, 0.019812926650047302, -0.056259024888277054, 0.03687097132205963, -0.03981011360883713, -0.023718388751149178, 0.060602519661188126, -0.017483031377196312, 0.008217082358896732, -0.10964223742485046, 0.023485733196139336, -0.009776736609637737, 0.051012977957725525, 0.0025717865210026503, -0.053740955889225006, 0.030411459505558014, 0.03878634050488472, 0.003708937205374241, -0.12701024115085602, -0.03352242708206177, 0.0017858680803328753, -0.002667717868462205, 0.012396534904837608, -0.04015963524580002, -0.030003665015101433, -0.009107010439038277 ]
horsbug98/Part_2_mBERT_Model_E1
e4c205ab6b6426bb5e73a2a2daf75391f1db8806
2022-03-16T17:01:57.000Z
[ "pytorch", "bert", "question-answering", "dataset:tydiqa", "transformers", "generated_from_trainer", "license:apache-2.0", "model-index", "autotrain_compatible" ]
question-answering
false
horsbug98
null
horsbug98/Part_2_mBERT_Model_E1
0
null
transformers
--- license: apache-2.0 tags: - generated_from_trainer datasets: - tydiqa model-index: - name: debug_mbert_task2_1 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. --> # debug_mbert_task2_1 This model is a fine-tuned version of [bert-base-multilingual-cased](https://huggingface.co/bert-base-multilingual-cased) on the tydiqa secondary_task dataset. ## Model description More information needed ## Intended uses & limitations More information needed ## Training and evaluation data More information needed ## Training procedure ### Training hyperparameters The following hyperparameters were used during training: - learning_rate: 3e-05 - train_batch_size: 12 - eval_batch_size: 8 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 1.0 ### Training results ### Framework versions - Transformers 4.15.0 - Pytorch 1.9.1 - Datasets 2.0.0 - Tokenizers 0.10.3
[ -0.06197172403335571, -0.06680092960596085, 0.024402452632784843, -0.03035222925245762, -0.01584688387811184, 0.05303030088543892, 0.017976442351937294, 0.015162649564445019, -0.02216101624071598, -0.029291929677128792, 0.024285200983285904, -0.0807143971323967, 0.011470242403447628, 0.02082260698080063, 0.005330436397343874, 0.05598289892077446, 0.07339944690465927, -0.07028516381978989, -0.04172695800662041, -0.010893718339502811, 0.07340283691883087, 0.058343555778265, 0.07401470094919205, -0.0033570840023458004, -0.023238666355609894, -0.004254245664924383, -0.0409565344452858, -0.013400035910308361, 0.032860200852155685, 0.05475543811917305, 0.052473895251750946, 0.02932468242943287, -0.010178660973906517, 0.07169333100318909, 0.08340601623058319, 0.0803583562374115, -0.025044161826372147, -0.0536455363035202, 0.02998046763241291, 0.0369744747877121, -0.012005089782178402, -0.025966648012399673, -0.05357619747519493, -0.003424031427130103, 0.07558038830757141, 0.002885769121348858, -0.04717337340116501, -0.02319943904876709, -0.017842115834355354, -0.011061652563512325, -0.09098028391599655, -0.06234985217452049, 0.12387639284133911, -0.05444664508104324, -0.004601350054144859, 0.029745817184448242, 0.007582345046103001, 0.021384775638580322, -0.017618605867028236, -0.07208932191133499, -0.0857308954000473, -0.018577970564365387, -0.010139359161257744, -0.040455859154462814, -0.061733540147542953, 0.021040182560682297, -0.04454411193728447, 0.012310954742133617, 0.013650694862008095, -0.0034521364141255617, -0.0019320118008181453, 0.0492602102458477, -0.0020306913647800684, 0.01994020864367485, -0.010300829075276852, -0.03474161773920059, 0.07675068080425262, -0.007769393734633923, 0.058480530977249146, -0.16118577122688293, -0.009962274692952633, -0.028050504624843597, 0.04920325055718422, 0.011751186102628708, 0.11669228971004486, -0.03259297087788582, 0.041420891880989075, -0.012349849566817284, 0.028947310522198677, -0.0064660655334591866, -0.013568506576120853, -0.10938645154237747, 0.029981939122080803, 0.02663527987897396, 0.06468705087900162, 0.015103470534086227, 0.03671058267354965, 0.014862829819321632, -0.008684518747031689, 0.05020534619688988, 0.0021565083879977465, 0.044202446937561035, 0.05160129815340042, 0.015474245883524418, 0.02454572543501854, 0.042748287320137024, 0.01865152269601822, 0.053431782871484756, 0.10906226933002472, -0.1285979151725769, 0.010919476859271526, 0.0044803498312830925, 0.024673273786902428, -0.029091689735651016, -0.010544024407863617, 0.025425562635064125, 0.020726514980196953, 0.03049616515636444, -0.005110427737236023, 0.07368773221969604, -0.019885964691638947, -0.029638884589076042, 0.013408432714641094, 0.014312347397208214, -0.058748796582221985, -0.021815484389662743, -0.01693274825811386, 2.502125683749643e-33, 0.04287572205066681, 0.0032118242233991623, 0.013043747283518314, -0.03487402945756912, 0.027329009026288986, -0.020667703822255135, 0.02158265747129917, 0.010042891837656498, -0.030716020613908768, -0.0671258419752121, -0.06999675184488297, -0.04468318819999695, -0.07068970799446106, 0.0700538158416748, -0.047419775277376175, 0.002838826971128583, -0.004350594710558653, 0.09157440066337585, 0.10087820142507553, 0.042400386184453964, 0.13037696480751038, 0.07548178732395172, -0.023787114769220352, -0.10225871950387955, -0.062266312539577484, 0.08476400375366211, 0.08808128535747528, -0.028158510103821754, -0.008065793663263321, 0.058905571699142456, -0.10253719240427017, 0.0027723300736397505, -0.07445184141397476, 0.038634058088064194, -0.0025578930508345366, 0.01706283539533615, 0.031394701451063156, 0.02567235939204693, 0.008201828226447105, -0.06679414212703705, -0.0071358890272676945, 0.04793578013777733, 0.06190474331378937, -0.08601722121238708, -0.027950122952461243, -0.047213632613420486, 0.022652218118309975, -0.0007260746788233519, 0.08923947066068649, -0.019106529653072357, -0.031274210661649704, -0.014330984093248844, 0.04720946401357651, -0.0414370596408844, 0.03343718871474266, -0.030295120552182198, 0.047441091388463974, 0.08740836381912231, 0.06489924341440201, 0.007617740426212549, -0.01115961279720068, -0.02349664829671383, -0.024167168885469437, 0.02892041951417923, 0.008700523525476456, -0.06361456960439682, -0.04659614339470863, -0.025881748646497726, 0.015945767983794212, 0.012703216634690762, -0.04913875460624695, 0.0016784003237262368, 0.06914371252059937, 0.039190150797367096, 0.04581880569458008, -0.0584261417388916, 0.029163971543312073, -0.12393282353878021, -0.06140510365366936, -0.028415042906999588, -0.0017360469792038202, 0.027379166334867477, -0.03885969519615173, -0.08157915621995926, -0.03956614062190056, -0.02524152584373951, 0.008649107068777084, -0.07544445246458054, -0.02492726594209671, 0.06522178649902344, 0.014202550984919071, -0.03186967968940735, -0.10814551264047623, 0.02826092205941677, -0.03448161482810974, -3.104248053045389e-33, -0.05351341515779495, 0.08117524534463882, -0.10133364796638489, 0.003721160115674138, -0.06697499752044678, -0.049985550343990326, 0.061515457928180695, 0.14619728922843933, -0.053075987845659256, -0.04706576094031334, 0.017436500638723373, -0.06296049803495407, -0.07599859684705734, -0.00920495018362999, 0.01575908064842224, 0.03125784918665886, -0.02447465993463993, 0.05793900042772293, -0.004532524384558201, -0.012245073914527893, 0.007234115153551102, 0.016802998259663582, -0.07786533981561661, 0.03147716447710991, 0.029424767941236496, 0.06463844329118729, -0.028173046186566353, 0.1029646098613739, 0.03562532737851143, -0.01144606713205576, 0.007901212200522423, -0.020002420991659164, -0.04542047157883644, 0.061169181019067764, -0.01768028549849987, 0.045612942427396774, 0.014193067327141762, -0.0675780326128006, -0.03331807628273964, 0.0733383372426033, 0.04994065687060356, 0.017357371747493744, -0.04220222681760788, 0.06228465959429741, 0.018516747280955315, 0.0808400884270668, -0.051779527217149734, -0.07531976699829102, -0.014226127415895462, -0.0636182427406311, 0.009144960902631283, -0.05459628254175186, -0.08368226140737534, -0.005162723362445831, -0.059483665972948074, -0.12623582780361176, 0.019086048007011414, -0.014287101104855537, -0.07975395023822784, -0.02346659079194069, 0.0033940584398806095, 0.037715423852205276, 0.008434965275228024, -0.006045827176421881, 0.026089634746313095, -0.031122267246246338, -0.07110162079334259, 0.08139694482088089, 0.005070756189525127, 0.0013968816492706537, -0.07678595185279846, -0.006637616083025932, 0.040883176028728485, 0.011243334971368313, 0.017237497493624687, 0.029863689094781876, -0.050016578286886215, -0.07579059153795242, -0.0007816386059857905, -0.09231431037187576, -0.040025390684604645, -0.024858443066477776, 0.029204105958342552, 0.05448085814714432, -0.018153848126530647, 0.09715330600738525, 0.09486351162195206, 0.10330560058355331, -0.0460236631333828, 0.004005417227745056, 0.03563008829951286, 0.024140264838933945, -0.027832970023155212, 0.163448765873909, 0.03660770133137703, -5.883124032379783e-8, -0.041959889233112335, 0.039330434054136276, -0.04939105734229088, 0.019593259319663048, -0.02287621796131134, -0.04694785922765732, -0.0811493992805481, 0.04996739700436592, -0.019574061036109924, -0.011162801645696163, 0.0038290792144834995, 0.03691162168979645, -0.09564593434333801, 0.002774285152554512, -0.012677502818405628, 0.022869864478707314, -0.04501114785671234, 0.06430518627166748, 0.0004593549238052219, -0.08134253323078156, 0.03931846097111702, 0.04110413417220116, -0.007843929342925549, -0.08053897321224213, 0.004539420362561941, -0.06789150834083557, -0.03695552051067352, 0.10643233358860016, -0.024899369105696678, -0.04560041055083275, -0.015349439345300198, 0.061785027384757996, -0.10385361313819885, -0.02050665393471718, 0.005314064212143421, 0.08653955161571503, -0.06766659021377563, -0.00584907503798604, 0.03422693535685539, 0.021175941452383995, 0.04275510832667351, 0.06518402695655823, -0.09528833627700806, 0.024953899905085564, 0.10101824253797531, -0.0006725245038978755, -0.0402110256254673, -0.04272693768143654, 0.0352766178548336, -0.011568671092391014, 0.036705031991004944, -0.04972515627741814, -0.019392158836126328, 0.06533341109752655, -0.06370313465595245, 0.028999898582696915, -0.10680874437093735, -0.026110036298632622, 0.007654284592717886, 0.0018129863310605288, 0.00846243929117918, 0.024115080013871193, 0.0036788135766983032, 0.04807691276073456 ]
nandezgarcia/distilbert-base-uncased-finetuned-squad-d5716d28
f7ee7a8a1c00fbe8bd63b5b39f56c92e631b896f
2022-03-16T18:26:49.000Z
[ "pytorch", "en", "dataset:squad", "arxiv:1910.01108", "question-answering", "license:apache-2.0" ]
question-answering
false
nandezgarcia
null
nandezgarcia/distilbert-base-uncased-finetuned-squad-d5716d28
0
null
null
--- language: - en thumbnail: https://github.com/karanchahal/distiller/blob/master/distiller.jpg tags: - question-answering license: apache-2.0 datasets: - squad metrics: - squad --- # DistilBERT with a second step of distillation ## Model description This model replicates the "DistilBERT (D)" model from Table 2 of the [DistilBERT paper](https://arxiv.org/pdf/1910.01108.pdf). In this approach, a DistilBERT student is fine-tuned on SQuAD v1.1, but with a BERT model (also fine-tuned on SQuAD v1.1) acting as a teacher for a second step of task-specific distillation. In this version, the following pre-trained models were used: * Student: `distilbert-base-uncased` * Teacher: `lewtun/bert-base-uncased-finetuned-squad-v1` ## Training data This model was trained on the SQuAD v1.1 dataset which can be obtained from the `datasets` library as follows: ```python from datasets import load_dataset squad = load_dataset('squad') ``` ## Training procedure ## Eval results | | Exact Match | F1 | |------------------|-------------|------| | DistilBERT paper | 79.1 | 86.9 | | Ours | 78.4 | 86.5 | The scores were calculated using the `squad` metric from `datasets`. ### BibTeX entry and citation info ```bibtex @misc{sanh2020distilbert, title={DistilBERT, a distilled version of BERT: smaller, faster, cheaper and lighter}, author={Victor Sanh and Lysandre Debut and Julien Chaumond and Thomas Wolf}, year={2020}, eprint={1910.01108}, archivePrefix={arXiv}, primaryClass={cs.CL} } ```
[ -0.11885850876569748, -0.08597298711538315, 0.07523109018802643, 0.03822017461061478, 0.028216911479830742, -0.010479775257408619, 0.01913851499557495, 0.04940105229616165, -0.03273475170135498, -0.06170720234513283, 0.06197866424918175, 0.03336307406425476, 0.023416884243488312, 0.015518597327172756, 0.005441577639430761, 0.03323289752006531, 0.10491731017827988, -0.001966408919543028, -0.12456349283456802, -0.021210983395576477, 0.03951335325837135, -0.022897843271493912, 0.001051911967806518, 0.006733875721693039, 0.0022713046055287123, -0.040738482028245926, 0.0019612894393503666, 0.03510469198226929, 0.03730890899896622, -0.06077258288860321, 0.03651834651827812, -0.009350761771202087, -0.009206307120621204, 0.09307590872049332, -0.026739586144685745, 0.0822596475481987, 0.027437305077910423, -0.004419515375047922, 0.00847801472991705, 0.03508454188704491, -0.0036193933337926865, 0.035724714398384094, -0.028787313029170036, 0.04554259404540062, 0.0475042425096035, -0.01563763990998268, -0.04100464656949043, -0.007076477166265249, -0.062084343284368515, -0.049036700278520584, -0.0784795731306076, -0.018889619037508965, 0.044331829994916916, 0.04010636359453201, 0.03094344772398472, 0.007212589494884014, 0.02685648761689663, -0.02567216195166111, -0.05614934489130974, -0.04025626927614212, -0.08221974223852158, -0.01058284007012844, -0.06817340850830078, -0.06332208216190338, -0.060629814863204956, 0.0037886726204305887, -0.03187636658549309, 0.02431630529463291, 0.0956219881772995, -0.03744126856327057, -0.009683442302048206, 0.02687648870050907, 0.0006805933662690222, 0.021543705835938454, 0.021108517423272133, -0.0013957348419353366, 0.07802314311265945, 0.049270786345005035, 0.051498763263225555, -0.14226873219013214, 0.008288435637950897, -0.03543676808476448, 0.06525546312332153, -0.032992638647556305, 0.09480949491262436, -0.009766128845512867, 0.014030611142516136, -0.014429152943193913, 0.08195774257183075, -0.0405963733792305, -0.01050042174756527, -0.020599113777279854, 0.011802414432168007, -0.0031642206013202667, 0.016358768567442894, 0.045120224356651306, 0.05439319834113121, 0.04939180240035057, -0.050392601639032364, 0.1119895875453949, -0.009527169167995453, 0.03218827769160271, 0.04480861872434616, -0.023254746571183205, -0.03331547603011131, -0.03220047801733017, 0.04429588466882706, 0.056952085345983505, 0.018078695982694626, -0.0746394619345665, 0.03126364201307297, 0.008445721119642258, -0.007555556017905474, 0.025723401457071304, -0.047685086727142334, -0.047023750841617584, -0.01263061910867691, -0.00037705348222516477, -0.07162458449602127, 0.017377035692334175, 0.0310513973236084, -0.036239612847566605, 0.02898004651069641, 0.015941953286528587, -0.06217138469219208, -0.05139230936765671, -0.07525943219661713, 3.6493339670713e-33, 0.06292525678873062, 0.01556597650051117, -0.0612797737121582, 0.005294325295835733, -0.006219943985342979, 0.009101648814976215, 0.006313585676252842, 0.06723125278949738, -0.016985906288027763, 0.04811032488942146, -0.015861690044403076, -0.0021759828086942434, -0.09285519272089005, 0.031824927777051926, -0.02435637079179287, -0.007120146881788969, -0.0532788448035717, 0.0368526354432106, 0.016842884942889214, 0.038932036608457565, 0.11181612312793732, 0.05603601410984993, -0.03674507513642311, -0.07512529194355011, -0.0068116625770926476, 0.0392293781042099, 0.036096248775720596, -0.02661067061126232, 0.016967445611953735, 0.05997013673186302, -0.04486482962965965, -0.020394671708345413, -0.03373889997601509, 0.028308896347880363, -0.05214196816086769, -0.03188454359769821, -0.023436106741428375, -0.07259439677000046, 0.026633450761437416, -0.05594659224152565, 0.03897528722882271, 0.02631981112062931, 0.038675397634506226, -0.0469176284968853, -0.06547290086746216, -0.015707120299339294, 0.024026861414313316, 0.016399921849370003, 0.004260657820850611, -0.06225936859846115, -0.017638742923736572, -0.002426666207611561, -0.01676466315984726, -0.10811048746109009, -0.04552091658115387, 0.03688580170273781, 0.09555790573358536, 0.059828370809555054, 0.024933384731411934, 0.04999062418937683, 0.03210550546646118, 0.06904590874910355, -0.03042694367468357, 0.04146047681570053, 0.020945677533745766, -0.05489528924226761, -0.058145079761743546, 0.03275887295603752, 0.12368333339691162, -0.0052487608045339584, -0.09829914569854736, -0.05098522827029228, -0.07106433063745499, 0.016584349796175957, 0.0479116216301918, -0.11475328356027603, 0.049967847764492035, -0.03347307816147804, -0.005587185267359018, -0.023191262036561966, 0.023057660087943077, 0.012322288006544113, -0.10578853636980057, -0.01006566546857357, -0.1089959368109703, 0.01685997098684311, 0.01181506272405386, -0.0478660948574543, 0.001996729290112853, -0.028522152453660965, 0.03575325384736061, 0.0021052833180874586, -0.016006262972950935, 0.04915652051568031, 0.009347116574645042, -3.8458545820097083e-33, 0.002054581418633461, 0.042321644723415375, -0.0512365996837616, 0.1158546656370163, 0.08646971732378006, 0.007055045571178198, 0.06640789657831192, 0.08049724996089935, 0.02509116381406784, -0.021489925682544708, 0.03596247732639313, -0.06674560904502869, -0.11235030740499496, -0.05114457756280899, 0.026373406872153282, 0.07646717876195908, -0.07903064787387848, -0.03303230181336403, -0.012918946333229542, 0.03769276291131973, 0.0028778736013919115, 0.03271239623427391, -0.06802477687597275, 0.059562914073467255, -0.0306567195802927, 0.03903667628765106, -0.037118375301361084, 0.07976831495761871, 0.04463759437203407, 0.06306755542755127, -0.00036923037259839475, 0.01839989423751831, 0.03580162674188614, -0.020722266286611557, -0.14565514028072357, 0.017674122005701065, -0.05844125524163246, -0.06123390048742294, -0.058099690824747086, 0.11737760156393051, 0.05066978558897972, -0.02537698857486248, -0.05819065123796463, 0.05326538905501366, -0.016468649730086327, 0.022434044629335403, -0.006526873912662268, -0.0814608708024025, 0.029903199523687363, 0.006104473955929279, 0.063126340508461, -0.012532656081020832, -0.08786410838365555, 0.008988543413579464, -0.04203968867659569, -0.04080783575773239, 0.047441765666007996, -0.04541235789656639, -0.050586357712745667, 0.05510920658707619, -0.00744716078042984, -0.034748926758766174, 0.015573030337691307, 0.02405787631869316, -0.012237079441547394, -0.03742073476314545, -0.06568431109189987, 0.10058989375829697, 0.0046996972523629665, -0.00554356724023819, -0.026720507070422173, -0.014692448079586029, 0.12980984151363373, -0.050536587834358215, -0.011336283758282661, 0.0033732845913618803, -0.08502910286188126, -0.04966877028346062, 0.0014072495978325605, -0.01891050674021244, -0.13156118988990784, -0.03342766314744949, -0.0002919834805652499, 0.09568053483963013, 0.03343133255839348, 0.020607363432645798, 0.04600533843040466, 0.09818729013204575, 0.010618451051414013, -0.02040332555770874, 0.03547261282801628, -0.04267563298344612, 0.030637837946414948, 0.09336545318365097, 0.024971067905426025, -5.735671848583479e-8, -0.04324478283524513, 0.02452787011861801, -0.03380858525633812, 0.06854937225580215, -0.012159948237240314, -0.08529070019721985, -0.05407357215881348, 0.08341769874095917, -0.049922551959753036, 0.07412727922201157, 0.011644306592643261, 0.05827371031045914, -0.08899219334125519, -0.035309989005327225, 0.021700041368603706, 0.09982835501432419, 0.01261594332754612, 0.0735740065574646, -0.038127414882183075, 0.02129359357059002, 0.09215743094682693, -0.007258760277181864, -0.0015415416564792395, -0.018410170450806618, 0.03237650915980339, -0.05850398540496826, -0.12303832173347473, 0.07368453592061996, -0.01357702910900116, 0.05877872556447983, 0.0013498369371518493, 0.025057414546608925, -0.06107615306973457, -0.030846673995256424, 0.03621834143996239, 0.06253626197576523, -0.08405639231204987, -0.07391152530908585, -0.020237384364008904, 0.04960239306092262, 0.06994383782148361, 0.013590842485427856, -0.11041324585676193, 0.055833518505096436, 0.10012466460466385, 0.0071821631863713264, -0.04114871099591255, -0.07391869276762009, 0.008859887719154358, 0.05838809162378311, 0.03258014842867851, 0.0037992445286363363, -0.04295684024691582, 0.02966221608221531, -0.039505429565906525, 0.04163374751806259, -0.07407695055007935, -0.04231229051947594, -0.034302759915590286, -0.04141392931342125, 0.015325553715229034, 0.02488897554576397, 0.05446557328104973, -0.0016472525894641876 ]
newtonkwan/gpt2-xl-ft-1
e31681d9c0b1f44f2bb0ece35e1417058f31bdbc
2022-03-16T23:52:23.000Z
[ "pytorch", "tensorboard", "gpt2", "text-generation", "transformers", "generated_from_trainer", "model-index" ]
text-generation
false
newtonkwan
null
newtonkwan/gpt2-xl-ft-1
0
null
transformers
--- tags: - generated_from_trainer model-index: - name: gpt2-xl-ft-with-non-challenging 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-xl-ft-with-non-challenging This model is a fine-tuned version of [gpt2-xl](https://huggingface.co/gpt2-xl) on an unknown dataset. It achieves the following results on the evaluation set: - Loss: 1.4872 ## 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: 4 - eval_batch_size: 4 - seed: 2020 - gradient_accumulation_steps: 32 - total_train_batch_size: 128 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 100.0 - num_epochs: 4 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | No log | 0.99 | 31 | 1.5517 | | No log | 1.99 | 62 | 1.3733 | | No log | 2.99 | 93 | 1.4207 | | No log | 3.99 | 124 | 1.4872 | ### Framework versions - Transformers 4.17.0 - Pytorch 1.10.0+cu111 - Datasets 1.18.4 - Tokenizers 0.11.6 ### Perplexity Score: 28.26373863220215 ### Dataset Size Size: 5000
[ -0.0692937895655632, -0.01583312638103962, -0.019803723320364952, 0.06408712267875671, 0.049943044781684875, -0.017304060980677605, -0.012133104726672173, 0.0075772167183458805, -0.07689414173364639, -0.12051645666360855, -0.02129407785832882, -0.06391977518796921, 0.019774096086621284, -0.05878831073641777, -0.08124973624944687, 0.017661195248365402, 0.06625135987997055, -0.03339555114507675, -0.056853920221328735, 0.019575851038098335, 0.024653270840644836, 0.03487791866064072, 0.031660303473472595, 0.05158672109246254, -0.013960647396743298, 0.02002018690109253, -0.036973726004362106, 0.017179274931550026, 0.00533301942050457, -0.01097138412296772, 0.043316204100847244, -0.012870061211287975, -0.04078147932887077, 0.06304920464754105, 0.0017931783804669976, 0.02196127362549305, -0.031837645918130875, -0.04518678039312363, 0.033744875341653824, 0.00824721995741129, 0.03665832430124283, -0.04837186634540558, -0.02414022944867611, 0.060741737484931946, 0.07836174964904785, 0.014376969076693058, -0.04627569764852524, -0.08360343426465988, -0.05217485502362251, 0.004199697636067867, -0.0944577157497406, -0.06513726711273193, 0.04271703585982323, -0.04248708114027977, -0.011721477843821049, 0.054188694804906845, -0.018232932314276695, -0.0694715678691864, 0.0021580548491328955, -0.04602775350213051, 0.036059316247701645, -0.03806810453534126, -0.0944635421037674, -0.0276157408952713, -0.10121697187423706, -0.043190181255340576, -0.021160796284675598, 0.013062038458883762, 0.09951680898666382, -0.03061806410551071, 0.037330955266952515, 0.10001152753829956, -0.0703495442867279, -0.004903878550976515, 0.02535698562860489, 0.04590308293700218, 0.005581255070865154, 0.020029963925480843, 0.038318224251270294, -0.06142871454358101, 0.004121145233511925, -0.0655580386519432, 0.05920486897230148, -0.03600267320871353, 0.0002486526209395379, -0.037841688841581345, 0.07961508631706238, 0.03566237539052963, 0.04385538771748543, 0.02450161799788475, -0.0537896603345871, 0.021761957556009293, 0.00045211229007691145, 0.07052470743656158, 0.01733713038265705, -0.0019266133895143867, 0.020166847854852676, -0.03951432183384895, -0.07510437816381454, 0.07949686050415039, -0.05794428288936615, 0.06405849754810333, 0.013090144842863083, 0.05907231941819191, -0.0032213113736361265, -0.017165735363960266, 0.011835017241537571, 0.07108231633901596, 0.06830122321844101, -0.05050727352499962, 0.09600279480218887, -0.004295492544770241, -0.008712701499462128, 0.010484380647540092, 0.023166272789239883, 0.13474783301353455, -0.029609467834234238, 0.018528573215007782, -0.0543338768184185, 0.1193353533744812, -0.053043004125356674, -0.024502350017428398, -0.028956785798072815, -0.05235179886221886, -0.04997067153453827, -0.04923423007130623, -0.1090509220957756, 2.4664646748945486e-33, 0.023397032171487808, 0.0027665961533784866, 0.008631405420601368, -0.02555173821747303, 0.035662561655044556, 0.0298097375780344, -0.015818605199456215, -0.06523703783750534, 0.03884730488061905, -0.01818002015352249, -0.12137795239686966, -0.014016494154930115, -0.07642236351966858, 0.12115707248449326, 0.006007676478475332, -0.02877550758421421, -0.009790959767997265, 0.06460060924291611, 0.025173116475343704, 0.032281748950481415, 0.12837356328964233, 0.04771270602941513, -0.03443855047225952, -0.10859471559524536, -0.04042186960577965, 0.07354725152254105, 0.021559230983257294, -0.026963142678141594, 0.021978382021188736, 0.06420637667179108, -0.07384121417999268, -0.035752344876527786, 0.017131060361862183, 0.04024108126759529, 0.026998886838555336, 0.01885731890797615, 0.019059302285313606, 0.006297565530985594, 0.04103465378284454, -0.02793850004673004, 0.022432928904891014, 0.0034369323402643204, 0.09793587028980255, -0.09257079660892487, -0.06666223704814911, -0.04389345645904541, 0.0981208011507988, 0.029744425788521767, 0.02624654397368431, 0.06568926572799683, -0.08224405348300934, 0.02512834407389164, -0.007668836507946253, -0.03217114508152008, -0.07362935692071915, 0.019080158323049545, 0.027791956439614296, 0.1278226375579834, 0.01220398023724556, 0.012883653864264488, 0.046425532549619675, 0.023257950320839882, 0.003393138526007533, -0.0009148407261818647, -0.03468500077724457, 0.0049809725023806095, -0.0625818520784378, -0.05235772207379341, -0.011481457389891148, 0.09485792368650436, -0.06534136086702347, -0.02243136242032051, 0.06064889207482338, -0.06488117575645447, 0.18528881669044495, -0.10860477387905121, 0.034554433077573776, 0.0037059758324176073, -0.03049672394990921, -0.042364686727523804, -0.05224321037530899, 0.05994133651256561, -0.03026755340397358, -0.06059927120804787, -0.05776035785675049, -0.08315349370241165, -0.0064824651926755905, -0.0223394688218832, -0.04098975285887718, 0.012087047100067139, -0.09587842226028442, 0.0048761493526399136, -0.09254053980112076, 0.014882108196616173, -0.002294297330081463, -3.22177067216274e-33, 0.030890369787812233, 0.05360536277294159, 0.013471636921167374, 0.06881719827651978, 0.021197112277150154, -0.023365462198853493, 0.0482979491353035, 0.07609574496746063, -0.025795375928282738, -0.015139689669013023, 0.10063554346561432, 0.023936569690704346, -0.07923462241888046, 0.0015251119621098042, 0.013383774086833, -0.03215382993221283, -0.0505480132997036, -0.01787012629210949, -0.030213944613933563, -0.03362263739109039, -0.01387952920049429, 0.08292081207036972, -0.07736022770404816, 0.05984165519475937, 0.04811793193221092, 0.00975711178034544, 0.08334508538246155, 0.08275194466114044, 0.07748515158891678, -0.027510041370987892, -0.020134426653385162, 0.05637657642364502, -0.03605140745639801, 0.027520451694726944, -0.0025127010885626078, 0.05146651715040207, 0.10206229984760284, -0.010705397464334965, -0.05509379878640175, 0.0980515256524086, 0.035805705934762955, 0.04895925149321556, -0.042544666677713394, 0.07306778430938721, 0.04168909043073654, 0.039984192699193954, 0.04358721524477005, -0.05921974033117294, 0.012801499105989933, -0.008010643534362316, -0.007761866319924593, -0.06571035087108612, -0.08652464300394058, 0.04917442798614502, -0.015249854885041714, -0.05635232478380203, -0.02632560394704342, 0.022975115105509758, -0.03950328007340431, 0.0119515685364604, -0.03383632004261017, -0.008729026652872562, -0.025067729875445366, 0.00428048288449645, 0.006637796759605408, -0.05779175087809563, -0.0802994817495346, 0.03082631342113018, 0.032764170318841934, 0.1268596053123474, -0.022028939798474312, 0.05303379148244858, 0.008714256808161736, -0.00009942880569724366, -0.03593524917960167, 0.021790998056530952, -0.0469035767018795, -0.02001567743718624, 0.025257641449570656, -0.11118246614933014, 0.01572202332317829, -0.004739818628877401, 0.08793602883815765, 0.051760610193014145, 0.09033825248479843, 0.02563536912202835, 0.068924181163311, 0.09511413425207138, -0.0528060682117939, -0.019509464502334595, 0.01022335235029459, -0.0052802846767008305, 0.00017404445679858327, 0.11525696516036987, -0.024304311722517014, -5.7210034043464475e-8, -0.010938144288957119, 0.032764505594968796, -0.04969143494963646, 0.05972054973244667, 0.0059728482738137245, -0.007622461766004562, -0.04279976710677147, 0.03233414888381958, -0.03630375117063522, -0.00236435211263597, 0.04973887279629707, -0.02402775175869465, -0.06693395972251892, -0.005283785983920097, -0.0030869287438690662, -0.007559774909168482, -0.045452311635017395, 0.08313730359077454, -0.032326120883226395, -0.031092187389731407, -0.03545812517404556, -0.02405371516942978, 0.013320532627403736, -0.060145020484924316, 0.06487058103084564, -0.09973426163196564, -0.026823394000530243, 0.06458920240402222, -0.01575458236038685, 0.011980078183114529, 0.04669225960969925, -0.0021428531035780907, 0.028927136212587357, -0.028366204351186752, -0.03424380347132683, 0.06250637769699097, -0.02757308818399906, 0.006767734419554472, 0.05438854545354843, 0.013665430247783661, -0.05754399672150612, 0.04622878134250641, -0.044565457850694656, -0.015740474686026573, 0.06270544975996017, -0.024995610117912292, -0.000034730644983937964, -0.08410301804542542, 0.022542787715792656, -0.012836869806051254, 0.04366111010313034, 0.004273455590009689, -0.043712664395570755, 0.026834728196263313, 0.04030032828450203, 0.0044456054456532, -0.10992322117090225, -0.027482938021421432, -0.005494473967701197, -0.009392572566866875, 0.03028232418000698, -0.040194232016801834, -0.033512648195028305, 0.0029354349244385958 ]
radev/xlm-roberta-base-finetuned-panx-de
7509bc5d172ff94e83a2a43745e655b52ea1cb49
2022-03-23T22:27:27.000Z
[ "pytorch", "tensorboard", "xlm-roberta", "token-classification", "dataset:xtreme", "transformers", "generated_from_trainer", "license:mit", "model-index", "autotrain_compatible" ]
token-classification
false
radev
null
radev/xlm-roberta-base-finetuned-panx-de
0
null
transformers
--- license: mit tags: - generated_from_trainer datasets: - xtreme metrics: - f1 model-index: - name: xlm-roberta-base-finetuned-panx-de results: - task: name: Token Classification type: token-classification dataset: name: xtreme type: xtreme args: PAN-X.de metrics: - name: F1 type: f1 value: 0.8593216480764853 --- <!-- This model card has been generated automatically according to the information the Trainer had access to. You should probably proofread and complete it, then remove this comment. --> # xlm-roberta-base-finetuned-panx-de This model is a fine-tuned version of [xlm-roberta-base](https://huggingface.co/xlm-roberta-base) on the xtreme dataset. It achieves the following results on the evaluation set: - Loss: 0.1345 - F1: 0.8593 ## 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: 48 - eval_batch_size: 48 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 3 ### Training results | Training Loss | Epoch | Step | Validation Loss | F1 | |:-------------:|:-----:|:----:|:---------------:|:------:| | No log | 1.0 | 263 | 0.1807 | 0.8065 | | 0.2218 | 2.0 | 526 | 0.1365 | 0.8485 | | 0.2218 | 3.0 | 789 | 0.1345 | 0.8593 | ### Framework versions - Transformers 4.11.3 - Pytorch 1.11.0+cu102 - Datasets 1.16.1 - Tokenizers 0.10.3
[ -0.05162902548909187, -0.034065455198287964, -0.018541017547249794, 0.001196876633912325, 0.058530647307634354, 0.05382388457655907, 0.005436671432107687, 0.06823943555355072, -0.02088543213903904, -0.07765218615531921, -0.006021013017743826, -0.10672711580991745, 0.04377368837594986, -0.05146405100822449, -0.030166253447532654, 0.020741911605000496, 0.07091186195611954, -0.046019017696380615, -0.1134343072772026, 0.07245564460754395, 0.036755964159965515, 0.02829400822520256, 0.02444455958902836, 0.08039994537830353, -0.02822750434279442, 0.013913108967244625, -0.03266187384724617, 0.010365866124629974, 0.017832158133387566, 0.023128177970647812, -0.0027540174778550863, 0.10881172865629196, 0.04549320414662361, 0.041774775832891464, 0.012744123116135597, 0.04715833440423012, -0.005743540357798338, -0.06518646329641342, 0.019606463611125946, -0.06880319118499756, 0.038335610181093216, -0.04443928971886635, 0.016907885670661926, 0.030867787078022957, 0.030193401500582695, 0.02098758891224861, 0.014053051359951496, -0.0994032621383667, -0.03527162969112396, 0.04612809047102928, -0.04448282718658447, 0.016781989485025406, 0.02660014107823372, -0.02562088891863823, -0.018844131380319595, 0.013750213198363781, -0.046254441142082214, -0.06357639282941818, -0.003339349525049329, -0.03229866176843643, -0.006458458490669727, -0.027817875146865845, -0.061691705137491226, 0.0056968689896166325, -0.07987527549266815, -0.09234681725502014, -0.05714661628007889, 0.006691106595098972, 0.0694383755326271, -0.004060915671288967, 0.047530997544527054, 0.019875625148415565, -0.030906986445188522, 0.01118507981300354, 0.060829389840364456, 0.07487618923187256, 0.03604729846119881, 0.023509865626692772, 0.06211007386445999, -0.11926381289958954, -0.05661415308713913, -0.03638719767332077, 0.06301809102296829, 0.022276440635323524, 0.06635300815105438, -0.002609572373330593, 0.0595175139605999, 0.047368209809064865, 0.02212856523692608, 0.026936477050185204, -0.011814582161605358, 0.03323870897293091, -0.005620427895337343, 0.04970293864607811, -0.04942384734749794, -0.011528213508427143, 0.029968852177262306, 0.023509247228503227, -0.07622101902961731, 0.1361602544784546, -0.03461291640996933, 0.09933415055274963, 0.04028209298849106, 0.07839778810739517, -0.00846562534570694, -0.04501407966017723, 0.03421847149729729, 0.08349484205245972, 0.029019612818956375, -0.04208149388432503, 0.08389141410589218, -0.04102826118469238, -0.03695455566048622, 0.014135545119643211, -0.02503586746752262, 0.12254442274570465, -0.046086736023426056, -0.02809727005660534, -0.04762856289744377, 0.0741681307554245, -0.0188942588865757, -0.10151033103466034, -0.02124139294028282, 0.03552130609750748, -0.06386478990316391, -0.05013317987322807, -0.06144305691123009, 4.2382210046607565e-33, -0.041185565292835236, 0.0350797176361084, 0.05294857174158096, -0.01440429873764515, -0.01440714206546545, -0.06794315576553345, 0.005056314170360565, -0.006942201405763626, -0.020598040893673897, 0.045971740037202835, -0.06297549605369568, 0.0632762461900711, -0.04000701755285263, 0.07925289124250412, -0.025142693892121315, -0.02132199890911579, -0.021180162206292152, 0.014797833748161793, -0.007960116490721703, 0.027565566822886467, 0.16535620391368866, -0.009811177849769592, -0.017908236011862755, -0.0783158615231514, -0.0025498000904917717, 0.11120378226041794, 0.054239384829998016, -0.025448940694332123, -0.018684223294258118, 0.055304545909166336, -0.08057428151369095, -0.04199598357081413, 0.052322566509246826, 0.01962038315832615, 0.002687484724447131, 0.047628846019506454, 0.034897904843091965, 0.003181494539603591, -0.027735624462366104, 0.004582167603075504, 0.014465725049376488, 0.012819414027035236, 0.023105772212147713, -0.08668112754821777, -0.04148874431848526, -0.00984856765717268, 0.04912563040852547, -0.01303474884480238, 0.05507074296474457, 0.015172208659350872, -0.018880141898989677, -0.034264031797647476, 0.02161673828959465, -0.0239853635430336, -0.06406141072511673, 0.017939945682883263, -0.004777011461555958, 0.10540938377380371, -0.007642529904842377, -0.027921220287680626, 0.02227279357612133, 0.005507652182132006, -0.02498042769730091, 0.03923710063099861, 0.015980785712599754, 0.00791208166629076, -0.01605287194252014, -0.09631071984767914, 0.014182642102241516, 0.047783300280570984, -0.07259905338287354, -0.009892253205180168, 0.05729210376739502, -0.0007544733816757798, 0.1297672539949417, -0.0626688152551651, 0.017177004367113113, 0.011196707375347614, -0.0868476927280426, 0.0006596464663743973, 0.05574706569314003, 0.025227563455700874, -0.06521233916282654, -0.04554515704512596, -0.08295448124408722, -0.059630345553159714, 0.02624349296092987, -0.010341131128370762, -0.07293454557657242, 0.055054306983947754, 0.0004718498094007373, 0.0156499482691288, -0.051421113312244415, 0.042249031364917755, -0.11957599967718124, -3.973171640463301e-33, -0.04909312725067139, 0.023086033761501312, -0.039525650441646576, 0.01075567863881588, -0.006134255789220333, 0.004890551324933767, 0.057162247598171234, 0.098036028444767, -0.02727503515779972, -0.023632900789380074, 0.10569477826356888, -0.010924285277724266, -0.05689816549420357, -0.0009490699740126729, -0.03888857737183571, 0.053913239389657974, -0.05329557880759239, -0.029492205008864403, -0.047068241983652115, -0.020793547853827477, -0.020585529506206512, 0.12972664833068848, -0.0410761684179306, 0.010785895399749279, -0.020809460431337357, 0.04666018486022949, 0.07026184350252151, 0.10584324598312378, 0.04423017427325249, -0.05591963604092598, 0.0036951208021491766, 0.0024467045441269875, -0.04429444670677185, 0.048153724521398544, -0.034409940242767334, 0.011981253512203693, 0.020342571660876274, 0.02063417248427868, -0.0710386261343956, 0.08682309091091156, 0.022760430350899696, 0.03691624477505684, -0.053931985050439835, 0.0549420528113842, 0.06938788294792175, -0.042195454239845276, 0.026831546798348427, -0.04721774533390999, 0.06435375660657883, -0.007057542912662029, 0.03361304849386215, -0.06403525918722153, -0.06424129009246826, 0.005443055182695389, -0.034488845616579056, -0.0210975743830204, 0.06539279967546463, -0.08923136442899704, -0.07220186293125153, -0.03507465496659279, -0.011486364528536797, 0.006399822887033224, -0.02646772935986519, 0.006493183318525553, 0.08615173399448395, -0.05001840740442276, -0.0856347531080246, 0.019219523295760155, -0.027109649032354355, 0.08711013942956924, -0.026183202862739563, 0.0364295057952404, 0.010183221660554409, -0.027488701045513153, 0.004835736006498337, 0.046882204711437225, -0.05254874378442764, -0.05522743985056877, -0.023104166612029076, -0.09269022196531296, -0.06353888660669327, -0.0587163083255291, 0.08320210874080658, 0.1021413654088974, 0.05488273873925209, 0.05108374357223511, 0.052517108619213104, 0.10607925802469254, -0.016792628914117813, -0.026910940185189247, -0.0033050442580133677, -0.027825191617012024, 0.007569680921733379, 0.10553855448961258, -0.07446891069412231, -5.7581324597322237e-8, -0.05581892281770706, 0.007349653169512749, -0.11633060872554779, 0.07682240754365921, -0.03539189696311951, 0.007229718379676342, -0.04001593217253685, -0.03955407440662384, -0.012923291884362698, 0.01703062653541565, -0.003424531314522028, 0.011092242784798145, -0.12451799213886261, 0.00042011888581328094, -0.016810370609164238, -0.04499734938144684, -0.005774201825261116, 0.10194052010774612, -0.04400137811899185, -0.039592936635017395, 0.009976604953408241, -0.014550717547535896, 0.0291083175688982, -0.09639254957437515, 0.05127985030412674, -0.09925089031457901, -0.023171430453658104, 0.10991650074720383, -0.021824795752763748, 0.001148049021139741, -0.044233981519937515, 0.021507956087589264, 0.018165403977036476, 0.01680729165673256, -0.03327861428260803, 0.05051257461309433, -0.01985725201666355, 0.015314850956201553, 0.043626293540000916, 0.0690125897526741, -0.007805383764207363, 0.019296037033200264, -0.1144096776843071, -0.017553012818098068, 0.059959717094898224, 0.018433837220072746, 0.049585990607738495, -0.0882289856672287, 0.06518247723579407, 0.02972918562591076, 0.010324463248252869, -0.002779571106657386, -0.03819933906197548, -0.004478583578020334, -0.018560608848929405, 0.04746250808238983, -0.04663119465112686, -0.03110031969845295, 0.03994651883840561, -0.03138168528676033, 0.008430717512965202, -0.05926816537976265, -0.027987521141767502, -0.0010788491927087307 ]
huggingtweets/ericson_ubbhult
aea9b060ee62687896756b9314a5a21af9d65867
2022-05-31T08:40:47.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/ericson_ubbhult
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/ericson_ubbhult/1653986423351/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/1829196789/bild_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">Jan Ericson 🇸🇪🇺🇦</div> <div style="text-align: center; font-size: 14px;">@ericson_ubbhult</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 Jan Ericson 🇸🇪🇺🇦. | Data | Jan Ericson 🇸🇪🇺🇦 | | --- | --- | | Tweets downloaded | 3249 | | Retweets | 434 | | Short tweets | 232 | | Tweets kept | 2583 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/imczgylz/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 @ericson_ubbhult's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/1mmecont) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/1mmecont/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/ericson_ubbhult') 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.01947081834077835, 0.12578800320625305, -0.00823251623660326, 0.05179040879011154, 0.17889270186424255, -0.015651298686861992, -0.0329519584774971, 0.027283640578389168, 0.07894675433635712, -0.05457090586423874, 0.005491185467690229, 0.06545640528202057, 0.01536262035369873, -0.03025258332490921, -0.008363560773432255, 0.03753703087568283, -0.0927063524723053, -0.05041281133890152, -0.05261552706360817, 0.006135954521596432, -0.08448583632707596, -0.08963169902563095, 0.07825616747140884, -0.03278195485472679, -0.04414329305291176, 0.07622066885232925, -0.005295358132570982, 0.058602478355169296, -0.017515035346150398, -0.01620042882859707, -0.055442847311496735, 0.023125801235437393, 0.04694639891386032, 0.03005705215036869, -0.04051575809717178, 0.03817040100693703, -0.03790385276079178, 0.03329631686210632, -0.05533452332019806, 0.01990768313407898, -0.005693682935088873, -0.10041127353906631, 0.04832065850496292, 0.04888822138309479, -0.024350808933377266, -0.014966907911002636, -0.025416240096092224, -0.0069608986377716064, -0.060927968472242355, 0.034343600273132324, -0.05717059597373009, -0.066482774913311, 0.004473931156098843, -0.0064587583765387535, 0.012391166761517525, 0.06298046559095383, 0.02444060705602169, -0.04873305931687355, 0.07093782722949982, -0.03506917133927345, 0.10385239124298096, 0.09891338646411896, 0.07782480865716934, 0.010060020722448826, 0.007026886101812124, -0.012703496031463146, -0.0651870146393776, 0.04990621283650398, -0.0324619859457016, -0.01552855409681797, 0.04319979250431061, 0.008711165748536587, -0.017472486943006516, -0.056045036762952805, 0.0706222653388977, -0.03979707136750221, -0.0228774081915617, 0.027473432943224907, -0.01937675289809704, 0.06409841775894165, 0.03130456060171127, -0.07480278611183167, 0.004594013094902039, -0.04046245664358139, 0.051820337772369385, 0.02629285305738449, 0.012686707079410553, -0.09010004997253418, -0.023962339386343956, 0.018130723387002945, -0.01278198603540659, -0.02700900472700596, -0.013902694918215275, 0.04814044386148453, -0.05375621095299721, 0.04420845955610275, -0.05909169837832451, -0.1429273635149002, -0.12097889930009842, 0.06585265696048737, 0.0029766170773655176, -0.05548615753650665, 0.07874566316604614, 0.029670001938939095, 0.013167662546038628, -0.04260611534118652, -0.03696604445576668, 0.004170419182628393, 0.01201268658041954, -0.016847478225827217, 0.043107811361551285, -0.038608621805906296, -0.09391913563013077, 0.021679921075701714, -0.026700986549258232, -0.09148550778627396, -0.0038311907555907965, 0.03546600788831711, 0.08883818984031677, -0.02109272964298725, 0.05788075178861618, 0.13750585913658142, -0.0257379412651062, -0.10282628238201141, 0.0073325796984136105, 0.030866222456097603, -0.06807699799537659, 9.904699236981271e-33, 0.061862967908382416, -0.007616390008479357, -0.049708135426044464, 0.04654134809970856, 0.1059681847691536, 0.0012215526076033711, -0.027665548026561737, -0.04568244144320488, -0.0913282260298729, -0.0181212667375803, 0.06426131725311279, 0.018999241292476654, 0.013154732063412666, 0.004735009744763374, 0.0010968545684590936, -0.09116264432668686, -0.01791195012629032, 0.0011562929721549153, -0.026628604158759117, 0.017423857003450394, -0.11682530492544174, 0.04431144893169403, -0.04397447034716606, -0.06808983534574509, -0.05802961066365242, 0.01689959689974785, 0.07583621144294739, -0.049828290939331055, -0.007400620728731155, 0.0033635012805461884, -0.04105900600552559, -0.0012028694618493319, 0.057846445590257645, -0.0525311604142189, 0.04368147253990173, 0.019181210547685623, -0.010481167584657669, -0.08330534398555756, -0.0006016604020260274, 0.04155769571661949, -0.031032636761665344, -0.05663009360432625, 0.05620681494474411, -0.05372815206646919, -0.04030057415366173, 0.08516518771648407, 0.1298006772994995, 0.016952652484178543, -0.03911491110920906, -0.04019114002585411, -0.031075790524482727, -0.012162049300968647, -0.06111401692032814, -0.11277078837156296, -0.014971213415265083, -0.0784025564789772, 0.01370143797248602, 0.014137121848762035, 0.03745640441775322, -0.038522109389305115, 0.003968372009694576, -0.05771329998970032, 0.048543646931648254, -0.08555931597948074, 0.03184570372104645, 0.03700629621744156, -0.0737440437078476, -0.03249369561672211, 0.038578782230615616, -0.04085638374090195, -0.034144945442676544, -0.003564753569662571, 0.09080440551042557, -0.04438440874218941, -0.03824467211961746, 0.03540666401386261, -0.009508960880339146, -0.04804590344429016, -0.02468961663544178, 0.030743258073925972, -0.04307381436228752, -0.018166886642575264, 0.025352515280246735, -0.002521366812288761, -0.022166553884744644, -0.026009583845734596, -0.011712138541042805, -0.046056147664785385, 0.020053936168551445, 0.008539136499166489, -0.1055857241153717, 0.01219530962407589, 0.03606540337204933, -0.09435422718524933, -0.08128157258033752, -1.0617700478260314e-32, 0.038955818861722946, 0.006223832257091999, -0.01130562275648117, 0.04269624128937721, 0.08492563664913177, 0.048394352197647095, 0.04731219261884689, 0.06830452382564545, 0.010744749568402767, -0.0020306664519011974, 0.05337447300553322, -0.03240751102566719, -0.09331350028514862, -0.04208069294691086, 0.016379043459892273, 0.02800331823527813, 0.07504545897245407, -0.027954962104558945, -0.04144661873579025, 0.03983183577656746, 0.020683052018284798, 0.028182104229927063, -0.020549722015857697, 0.09553872048854828, -0.06046922132372856, -0.0023218041751533747, 0.08109959959983826, -0.00683234166353941, -0.0003582564531825483, -0.0034767251927405596, -0.054469600319862366, -0.09368680417537689, -0.025097843259572983, 0.06785649061203003, 0.0418115109205246, 0.0009363974677398801, -0.04734310880303383, -0.05187739059329033, -0.021817460656166077, -0.031046923249959946, 0.025121673941612244, -0.08648566156625748, -0.0589098259806633, -0.009257694706320763, 0.021131785586476326, -0.04434693232178688, 0.04213021323084831, -0.01500978134572506, -0.0009784887079149485, 0.04411318898200989, 0.04363458976149559, 0.04740527272224426, -0.019243799149990082, -0.019529171288013458, -0.026759153231978416, -0.08366870880126953, -0.04179345443844795, 0.036916427314281464, 0.004275434650480747, 0.02399599552154541, 0.021902404725551605, 0.020184917375445366, -0.0023285222705453634, 0.010396936908364296, 0.05562560632824898, 0.03301597386598587, -0.07271511107683182, 0.04859749972820282, -0.06895923614501953, -0.001270740875042975, 0.021851906552910805, 0.07322924584150314, 0.03698806092143059, -0.009299126453697681, 0.04910000413656235, -0.016950378194451332, 0.09655526280403137, 0.011915306560695171, 0.08673771470785141, 0.0022411863319575787, -0.07729284465312958, -0.05350460857152939, -0.039740189909935, -0.013907473534345627, -0.040291063487529755, -0.009151024743914604, -0.01605774462223053, 0.09311942756175995, -0.02060438133776188, -0.04479173570871353, -0.038722552359104156, 0.08341596275568008, 0.06733538210391998, 0.040290914475917816, 0.07033839821815491, -6.568352262092958e-8, -0.057858649641275406, -0.09464124590158463, -0.022245533764362335, 0.019038934260606766, -0.04246728867292404, 0.03666391223669052, 0.03920005261898041, -0.1553737372159958, -0.02013709396123886, -0.04496583342552185, 0.05376281216740608, 0.025125203654170036, -0.06951462477445602, 0.029899807646870613, -0.03715074807405472, 0.016148852184414864, -0.11784293502569199, 0.06307508051395416, -0.0033985492773354053, -0.05282733961939812, -0.005796406418085098, 0.029531419277191162, 0.0051756794564425945, -0.008264737203717232, 0.02319982647895813, 0.05337992683053017, -0.12431740760803223, -0.005944531876593828, 0.012577232904732227, -0.0017866462003439665, 0.04729734733700752, -0.06234347075223923, 0.019136402755975723, -0.06615755707025528, -0.002102823229506612, -0.05387083441019058, -0.027692534029483795, -0.03954192250967026, 0.03643278405070305, 0.035684067755937576, 0.04259670898318291, 0.025590039789676666, 0.060560524463653564, 0.04778434708714485, -0.015868255868554115, 0.004124889615923166, 0.062406882643699646, -0.011164632625877857, 0.020328985527157784, 0.02935979887843132, -0.026028525084257126, -0.0757070928812027, 0.012293627485632896, 0.031621601432561874, 0.0699102133512497, -0.006879174150526524, 0.0044160871766507626, 0.058861952275037766, -0.01563003659248352, 0.06327612698078156, 0.051175959408283234, 0.03292011842131615, -0.009084038436412811, 0.07787205278873444 ]
negfir/Distill_4L
8b26884cda182d4c3a282a833fc13efef715d399
2022-03-17T01:15:51.000Z
[ "pytorch", "distilbert", "fill-mask", "transformers", "autotrain_compatible" ]
fill-mask
false
negfir
null
negfir/Distill_4L
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 ]
lijingxin/mt5_squad_zen_qg
92cae6a68faa8641e55e839d71f56384ef2d14c6
2022-03-17T08:54:02.000Z
[ "pytorch" ]
null
false
lijingxin
null
lijingxin/mt5_squad_zen_qg
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 ]
huggingtweets/missdaytona
2da37ecd99a863945b0c77c4b6e3c3b9eaf14014
2022-03-17T10:44:00.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/missdaytona
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/missdaytona/1647513656155/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/1487686479/Tanner1_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">xx</div> <div style="text-align: center; font-size: 14px;">@missdaytona</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 xx. | Data | xx | | --- | --- | | Tweets downloaded | 162 | | Retweets | 0 | | Short tweets | 29 | | Tweets kept | 133 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/2gy072xq/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 @missdaytona's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/8310y47m) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/8310y47m/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/missdaytona') 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.01799146458506584, 0.12216691672801971, -0.00008681070903548971, 0.056826744228601456, 0.17588883638381958, -0.01759990304708481, -0.030314361676573753, 0.027150193229317665, 0.07597217708826065, -0.05534270778298378, 0.0037030642852187157, 0.06474287062883377, 0.012803425081074238, -0.026273785158991814, -0.005130044184625149, 0.034177180379629135, -0.09188811480998993, -0.045644357800483704, -0.052819132804870605, 0.007929746061563492, -0.0843135342001915, -0.09302341938018799, 0.08136426657438278, -0.02919558621942997, -0.040114160627126694, 0.06838494539260864, -0.007377129513770342, 0.05208780616521835, -0.014352724887430668, -0.016515664756298065, -0.05113917589187622, 0.023380102589726448, 0.043468885123729706, 0.02730005793273449, -0.041285596787929535, 0.03219261020421982, -0.03246615454554558, 0.029880806803703308, -0.05677437037229538, 0.013404698111116886, -0.0059768157079815865, -0.09771657735109329, 0.04674658551812172, 0.05306262895464897, -0.024737577885389328, -0.014435107819736004, -0.01830466277897358, -0.009643475525081158, -0.06026801839470863, 0.034643858671188354, -0.05403830111026764, -0.06352843344211578, 0.002611717442050576, -0.002921787789091468, 0.012862223200500011, 0.06443232297897339, 0.02441399171948433, -0.04038108512759209, 0.0767720639705658, -0.03821356222033501, 0.10048408806324005, 0.09394209831953049, 0.07387654483318329, 0.007998568937182426, 0.00993830431252718, -0.011433166451752186, -0.06141681224107742, 0.052032824605703354, -0.02930542826652527, -0.017921270802617073, 0.042027994990348816, 0.013704008422791958, -0.018482303246855736, -0.0533246211707592, 0.07443069666624069, -0.034103505313396454, -0.017108092084527016, 0.02602105773985386, -0.021625015884637833, 0.06323378533124924, 0.030991405248641968, -0.07745859771966934, -0.00009550894901622087, -0.03959967568516731, 0.051938071846961975, 0.02942531742155552, 0.010597284883260727, -0.09489589184522629, -0.01794656179845333, 0.02531220018863678, -0.013569078408181667, -0.025434983894228935, -0.012437079101800919, 0.04871884360909462, -0.049466557800769806, 0.03775935620069504, -0.05860836058855057, -0.14761634171009064, -0.12013768404722214, 0.06833464652299881, -0.00015387842722702771, -0.054264094680547714, 0.07737747579813004, 0.028720160946249962, 0.022655179724097252, -0.041231684386730194, -0.03558119013905525, -0.0008667121874168515, 0.011712447740137577, -0.015706386417150497, 0.03915949538350105, -0.043373167514801025, -0.08989109098911285, 0.023250872269272804, -0.020713480189442635, -0.08992160856723785, -0.0038592054042965174, 0.03975478932261467, 0.090154267847538, -0.020622793585062027, 0.05808480083942413, 0.13826651871204376, -0.020735369995236397, -0.10240697115659714, 0.01154752541333437, 0.026271793991327286, -0.07063496112823486, 1.066625280305309e-32, 0.066766656935215, -0.0031005358323454857, -0.04773516207933426, 0.051055651158094406, 0.11082364618778229, 0.0011608724016696215, -0.024839168414473534, -0.04460904374718666, -0.09047603607177734, -0.014861060306429863, 0.05762956291437149, 0.019674787297844887, 0.012083453126251698, 0.0021517120767384768, 0.006648733280599117, -0.08964143693447113, -0.022389575839042664, 0.004004072397947311, -0.029153812676668167, 0.02594483643770218, -0.11777400225400925, 0.04580913111567497, -0.04061351716518402, -0.06809555739164352, -0.059431951493024826, 0.013441923074424267, 0.07444494962692261, -0.04179969057440758, -0.006997467018663883, 0.004331713542342186, -0.043458350002765656, -0.003030541352927685, 0.0549779087305069, -0.05083649978041649, 0.048066701740026474, 0.018584275618195534, -0.002229982288554311, -0.08395229279994965, -0.0012072640238329768, 0.04208150506019592, -0.03099311701953411, -0.052552372217178345, 0.0554976686835289, -0.04850908741354942, -0.04031098261475563, 0.08298402279615402, 0.13367918133735657, 0.019447440281510353, -0.042066123336553574, -0.03713737428188324, -0.027945585548877716, -0.011985120363533497, -0.06505582481622696, -0.11766377836465836, -0.014707954600453377, -0.07808290421962738, 0.015073202550411224, 0.00920019019395113, 0.046575501561164856, -0.03803669288754463, 0.003973537590354681, -0.06004830822348595, 0.04765678569674492, -0.08570588380098343, 0.027999022975564003, 0.03524163365364075, -0.0786539688706398, -0.031900305300951004, 0.036904942244291306, -0.04888085648417473, -0.0333947017788887, -0.002494178945198655, 0.09491152316331863, -0.0438225194811821, -0.03920624405145645, 0.040449779480695724, -0.00987678486853838, -0.04503168910741806, -0.028592921793460846, 0.02767067775130272, -0.04411238431930542, -0.00948447734117508, 0.02182028628885746, -0.0024187222588807344, -0.020323220640420914, -0.018286947160959244, -0.012821194715797901, -0.046735282987356186, 0.012797128409147263, 0.008261739276349545, -0.11165386438369751, 0.010685575194656849, 0.04104270413517952, -0.09236516058444977, -0.08235283195972443, -1.0973888490870914e-32, 0.036988515406847, 0.007605669088661671, -0.009170052595436573, 0.04146365448832512, 0.08652278780937195, 0.04370018094778061, 0.04883105307817459, 0.06782420724630356, 0.012246049009263515, 0.0031389864161610603, 0.05639268457889557, -0.03703305497765541, -0.09580395370721817, -0.04195983707904816, 0.019116882234811783, 0.019980892539024353, 0.07726526260375977, -0.027536680921912193, -0.0419825054705143, 0.04516385495662689, 0.018857410177588463, 0.030310072004795074, -0.028721114620566368, 0.09486176073551178, -0.06351065635681152, -0.002251549158245325, 0.07728781551122665, -0.002748440485447645, -0.0031554473098367453, -0.002488864352926612, -0.05261365696787834, -0.09753062576055527, -0.02401447296142578, 0.06611261516809464, 0.044834576547145844, 0.00174223561771214, -0.04862570762634277, -0.052823420614004135, -0.023579662665724754, -0.03448023274540901, 0.02769671194255352, -0.09128620475530624, -0.0595305860042572, -0.008535521104931831, 0.027045270428061485, -0.03635858744382858, 0.04008936509490013, -0.015039363875985146, 0.002671519760042429, 0.0511406846344471, 0.04641660675406456, 0.04689956456422806, -0.02486400119960308, -0.022754786536097527, -0.026323219761252403, -0.08060362935066223, -0.04071168974041939, 0.036261994391679764, 0.007838452234864235, 0.029387550428509712, 0.027382414788007736, 0.02057965286076069, -0.00458303140476346, 0.00843930896371603, 0.054653845727443695, 0.035358842462301254, -0.07495995610952377, 0.04844319075345993, -0.0645274892449379, -0.0009436094551347196, 0.017300108447670937, 0.06877217441797256, 0.0401436947286129, -0.013328463770449162, 0.0480198934674263, -0.01711016707122326, 0.09196798503398895, 0.0031894214916974306, 0.08832411468029022, 0.0007958179339766502, -0.08002638071775436, -0.05277297645807266, -0.038767777383327484, -0.013447144068777561, -0.04041428118944168, -0.005847979802638292, -0.013919356279075146, 0.09395331144332886, -0.019208233803510666, -0.043021123856306076, -0.04120318219065666, 0.08001507818698883, 0.07106949388980865, 0.03983090817928314, 0.06913039833307266, -6.677713315639267e-8, -0.06060619279742241, -0.09103935956954956, -0.01908942125737667, 0.024369942024350166, -0.04427686333656311, 0.03858709707856178, 0.037408724427223206, -0.15785133838653564, -0.015772659331560135, -0.04344753921031952, 0.046437572687864304, 0.02404855191707611, -0.06865585595369339, 0.03465547412633896, -0.036438535898923874, 0.00984231848269701, -0.1170300766825676, 0.0600297749042511, -0.009668974205851555, -0.054144397377967834, -0.00447335047647357, 0.028407229110598564, 0.00766338175162673, -0.007978972047567368, 0.024812180548906326, 0.04975663870573044, -0.12653183937072754, 0.0003010145155712962, 0.009452877566218376, 0.005258976016193628, 0.04521438106894493, -0.06507375836372375, 0.019586777314543724, -0.06460565328598022, -0.006743063684552908, -0.05552654340863228, -0.03133327513933182, -0.038906823843717575, 0.03856218233704567, 0.034164853394031525, 0.04750339686870575, 0.02523595280945301, 0.06544646620750427, 0.046055909246206284, -0.019906429573893547, 0.005328059196472168, 0.058609817177057266, -0.012265333905816078, 0.023399483412504196, 0.038066715002059937, -0.027760913595557213, -0.07348229736089706, 0.011444194242358208, 0.031159721314907074, 0.07724632322788239, -0.012191521003842354, 0.0031546279788017273, 0.05965956673026085, -0.018714332953095436, 0.06268730759620667, 0.053789347410202026, 0.03002684749662876, -0.010403522290289402, 0.07781322300434113 ]
saghar/TinyBERT_L-4_H-312_v2-finetuned-wikitext103
a6f79a9bce22cb094fa6b0598487e1ceec701e96
2022-03-17T15:59:39.000Z
[ "pytorch", "bert", "fill-mask", "dataset:wikitext", "transformers", "generated_from_trainer", "model-index", "autotrain_compatible" ]
fill-mask
false
saghar
null
saghar/TinyBERT_L-4_H-312_v2-finetuned-wikitext103
0
null
transformers
--- tags: - generated_from_trainer datasets: - wikitext model-index: - name: TinyBERT_L-4_H-312_v2-finetuned-wikitext103 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. --> # TinyBERT_L-4_H-312_v2-finetuned-wikitext103 This model is a fine-tuned version of [nreimers/TinyBERT_L-4_H-312_v2](https://huggingface.co/nreimers/TinyBERT_L-4_H-312_v2) on the wikitext dataset. It achieves the following results on the evaluation set: - Loss: 6.4638 ## 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: 32 - eval_batch_size: 32 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 3.0 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 7.0604 | 1.0 | 3125 | 6.6745 | | 6.7122 | 2.0 | 6250 | 6.5061 | | 6.6289 | 3.0 | 9375 | 6.4638 | ### Framework versions - Transformers 4.16.2 - Pytorch 1.8.1 - Datasets 1.11.0 - Tokenizers 0.10.3
[ -0.05978434160351753, -0.008562861010432243, -0.028684094548225403, 0.048950355499982834, 0.06795793771743774, 0.03216209635138512, -0.0030876467935740948, 0.030462032184004784, -0.05821876972913742, -0.0890883281826973, 0.0721459835767746, -0.046119630336761475, -0.03147397190332413, -0.04635624215006828, -0.10186682641506195, 0.05241129919886589, 0.0561295785009861, -0.04925254359841347, -0.10912714898586273, -0.0024840887635946274, 0.0005178831052035093, 0.04310458526015282, 0.04152338579297066, 0.0334126278758049, 0.0010734645184129477, -0.016460424289107323, -0.006105353124439716, 0.027882127091288567, 0.05534234270453453, -0.04266148433089256, -0.0007600231328979135, 0.019436663016676903, -0.002419588854536414, 0.03991103917360306, 0.023523639887571335, 0.027654673904180527, -0.05334608256816864, -0.025016307830810547, -0.008492019027471542, -0.012982803396880627, 0.004164028447121382, -0.0552879273891449, -0.02738170512020588, 0.11021260917186737, -0.036050766706466675, 0.03465111926198006, -0.050059881061315536, -0.05730939656496048, -0.10315798223018646, -0.018142681568861008, -0.04409835487604141, -0.034751083701848984, 0.0305219404399395, 0.035076551139354706, 0.005662350449711084, -0.03580343350768089, -0.07213598489761353, -0.0187554731965065, 0.03264724835753441, 0.01878982037305832, 0.0326232872903347, 0.0069625964388251305, -0.035661038011312485, 0.0005502556450664997, -0.05015863850712776, -0.04461893066763878, -0.009932450950145721, 0.011838184669613838, 0.09234171360731125, -0.0725664272904396, 0.04238208010792732, 0.04066074267029762, -0.022518642246723175, 0.02155677229166031, 0.04668482765555382, 0.03009999729692936, 0.0029565144795924425, 0.03801079839468002, 0.07716812938451767, -0.030023306608200073, -0.055955447256565094, -0.05486662685871124, 0.036295223981142044, -0.04117486998438835, 0.05897844210267067, 0.01027053315192461, -0.0012806602753698826, -0.008998552337288857, 0.07629426568746567, 0.006602955050766468, 0.022143401205539703, 0.027103139087557793, -0.003221388440579176, 0.013051047921180725, -0.012004205957055092, 0.03392856940627098, 0.07319510728120804, -0.027118196710944176, -0.08400934189558029, 0.11351079493761063, 0.0186820849776268, 0.07447394728660583, 0.0004990088636986911, 0.07497289031744003, -0.02381441928446293, -0.0579715296626091, 0.08884058892726898, 0.05593130365014076, 0.04416121542453766, -0.03311994671821594, 0.07170720398426056, 0.020631175488233566, -0.012058093212544918, 0.02668805606663227, 0.01617235131561756, 0.08700650930404663, -0.048647597432136536, 0.02372492291033268, -0.028497790917754173, 0.08873187005519867, -0.06495116651058197, -0.045428480952978134, -0.03585197404026985, -0.07697631418704987, -0.034000370651483536, 0.012475828640162945, -0.08153819292783737, 4.571205126128109e-33, 0.08734212815761566, 0.06657034158706665, -0.048018455505371094, 0.0195586159825325, 0.021302519366145134, -0.0609668493270874, -0.03164098784327507, -0.04727722331881523, -0.03914700075984001, 0.0549059733748436, -0.07777789235115051, -0.06250157207250595, -0.049050912261009216, 0.02389983832836151, 0.03562941402196884, -0.0178608987480402, -0.06466180831193924, 0.055977076292037964, 0.014901974238455296, 0.12163380533456802, 0.13784551620483398, 0.03759913519024849, -0.029019104316830635, -0.06638596206903458, 0.01245471928268671, 0.08659873902797699, 0.04007956385612488, -0.00626178877428174, -0.010901408270001411, 0.06774100661277771, -0.08757562190294266, -0.014028902165591717, -0.04501384124159813, -0.05995149537920952, -0.04105642810463905, -0.018952807411551476, 0.005331778898835182, -0.04252040386199951, -0.0051968758925795555, -0.08323296904563904, 0.026421746239066124, 0.024004865437746048, -0.013591932132840157, -0.09235618263483047, -0.0034454346168786287, -0.03488965332508087, 0.11650518327951431, 0.017189359292387962, 0.020084409043192863, 0.021557560190558434, -0.06432297080755234, -0.009611411020159721, 0.024462943896651268, -0.04337477311491966, -0.028402872383594513, 0.023286636918783188, 0.07422330975532532, 0.05775086209177971, 0.01891011744737625, 0.004073559772223234, 0.03580060973763466, 0.035850875079631805, 0.00935690850019455, 0.011638808995485306, 0.02174464613199234, -0.03939138352870941, -0.02238292060792446, -0.098251573741436, -0.023801201954483986, 0.019358616322278976, -0.06618206202983856, -0.04821699112653732, 0.04869309440255165, -0.0659889280796051, 0.12179562449455261, -0.09546217322349548, -0.011856152676045895, 0.01002306304872036, -0.08473911136388779, -0.09837187081575394, 0.0222686268389225, 0.05402441322803497, -0.014418763108551502, -0.048978809267282486, -0.038921937346458435, -0.09298916906118393, -0.05440738797187805, -0.06097954511642456, -0.014023559167981148, 0.027020152658224106, 0.03362356871366501, 0.03318236395716667, -0.09915519505739212, -0.018084513023495674, -0.08015003055334091, -4.109700901207494e-33, -0.013945742510259151, 0.03159685060381889, 0.007332114968448877, 0.005415846593677998, -0.04113112390041351, -0.007047261111438274, 0.031377293169498444, 0.147506982088089, -0.00440729595720768, -0.03764361888170242, 0.14389461278915405, 0.015351669862866402, -0.09158152341842651, -0.039750080555677414, 0.011549632996320724, 0.008887270465493202, -0.035840168595314026, -0.04148028418421745, 0.0903235375881195, -0.011953089386224747, 0.10772795975208282, 0.062402598559856415, -0.05981232970952988, 0.030263643711805344, -0.010871040634810925, 0.058264248073101044, 0.08231708407402039, 0.11453279107809067, 0.07604578882455826, -0.02773767150938511, -0.014914250932633877, -0.037994883954524994, 0.009638089686632156, 0.0239024069160223, -0.005583182908594608, -0.01185600459575653, 0.07464919239282608, -0.00625290721654892, -0.033988066017627716, 0.05740448087453842, 0.0568448081612587, 0.05265577509999275, -0.07228223979473114, 0.03975072130560875, -0.02937174029648304, -0.060500238090753555, 0.02658759616315365, -0.06662265956401825, 0.05288901925086975, -0.06711213290691376, 0.07177350670099258, -0.05542397126555443, -0.08032326400279999, 0.030287714675068855, -0.05934695899486542, -0.0027888035401701927, 0.027838172391057014, -0.028831372037529945, -0.03826916962862015, 0.012345360592007637, -0.06266502290964127, -0.022280434146523476, -0.015800874680280685, 0.004176233895123005, 0.007769475691020489, 0.004293597303330898, -0.062034785747528076, 0.04463895782828331, 0.04170532524585724, 0.03273504227399826, -0.03388643264770508, 0.011664698831737041, 0.07552064955234528, -0.01063231285661459, 0.026122869923710823, -0.03803805261850357, 0.021741263568401337, 0.012148569338023663, 0.012591545470058918, -0.09939409047365189, -0.06064767763018608, 0.002689161105081439, 0.041786398738622665, 0.0318247489631176, 0.08837348967790604, 0.000700824020896107, 0.07195570319890976, 0.07644569873809814, -0.031915728002786636, -0.014084124006330967, 0.005815594922751188, 0.04805430397391319, 0.052276406437158585, 0.1301906406879425, -0.038774777203798294, -5.749141962496651e-8, -0.025437571108341217, 0.012267190031707287, -0.07668335735797882, 0.0799795612692833, -0.04218713566660881, -0.05750459060072899, 0.022565286606550217, -0.0107369190081954, -0.06754205375909805, 0.016330646350979805, 0.02349529229104519, 0.08653538674116135, -0.10746742784976959, 0.008933676406741142, 0.09865453839302063, -0.018107697367668152, -0.09389298409223557, 0.0365477092564106, -0.055310919880867004, -0.01955519989132881, 0.047985948622226715, -0.01585506647825241, 0.07238563895225525, -0.0628647655248642, 0.030726850032806396, -0.0051232208497822285, -0.010758809745311737, 0.06339061260223389, -0.020579718053340912, 0.0022664275020360947, -0.043337997049093246, 0.076705202460289, 0.010724902153015137, 0.030350813642144203, -0.04016560688614845, 0.0652737021446228, -0.09728317707777023, -0.015585774555802345, 0.024761753156781197, 0.058150749653577805, -0.06623999774456024, 0.008354509249329567, -0.08652079105377197, 0.0033826702274382114, 0.04338381811976433, -0.03185708448290825, -0.016494685783982277, -0.07984188199043274, 0.0770500972867012, 0.007044577971100807, -0.001961595844477415, -0.0007823043852113187, -0.0447920560836792, -0.010807737708091736, -0.023598825559020042, 0.017493411898612976, -0.01598764955997467, -0.05453452467918396, -0.006499558687210083, -0.03755819797515869, 0.061402659863233566, -0.05880570784211159, 0.014656768180429935, 0.007929137907922268 ]
mideind/IceBERT-mC4-is
6802afb1a400df0c5a5eb9eb508cdf7ad8b07a48
2022-03-17T14:05:41.000Z
[ "pytorch", "roberta", "fill-mask", "is", "arxiv:2201.05601", "transformers", "icelandic", "masked-lm", "license:agpl-3.0", "autotrain_compatible" ]
fill-mask
false
mideind
null
mideind/IceBERT-mC4-is
0
null
transformers
--- language: is widget: - text: Má bjóða þér <mask> í kvöld? - text: Forseti <mask> er ágæt. - text: Súpan var <mask> á bragðið. tags: - roberta - icelandic - masked-lm - pytorch license: agpl-3.0 --- *We do not recommend the use of this model besides for comparison with the other IceBERT models* # IceBERT-mC4-is This model was trained with fairseq using the RoBERTa-base architecture. It is one of many models we have trained for Icelandic, see the paper referenced below for further details. It was trained on the Icelandic part of the mC4 dataset. ## Citation The model is described in this paper [https://arxiv.org/abs/2201.05601](https://arxiv.org/abs/2201.05601). Please cite the paper if you make use of the model. ``` @article{DBLP:journals/corr/abs-2201-05601, author = {V{\'{e}}steinn Sn{\ae}bjarnarson and Haukur Barri S{\'{\i}}monarson and P{\'{e}}tur Orri Ragnarsson and Svanhv{\'{\i}}t Lilja Ing{\'{o}}lfsd{\'{o}}ttir and Haukur P{\'{a}}ll J{\'{o}}nsson and Vilhj{\'{a}}lmur {\TH}orsteinsson and Hafsteinn Einarsson}, title = {A Warm Start and a Clean Crawled Corpus - {A} Recipe for Good Language Models}, journal = {CoRR}, volume = {abs/2201.05601}, year = {2022}, url = {https://arxiv.org/abs/2201.05601}, eprinttype = {arXiv}, eprint = {2201.05601}, timestamp = {Thu, 20 Jan 2022 14:21:35 +0100}, biburl = {https://dblp.org/rec/journals/corr/abs-2201-05601.bib}, bibsource = {dblp computer science bibliography, https://dblp.org} } ```
[ -0.1066935732960701, -0.04179339483380318, -0.02243097499012947, 0.0760292261838913, 0.07276138663291931, 0.03509950265288353, -0.03165804594755173, 0.04145355522632599, 0.021723050624132156, 0.027416592463850975, 0.014686379581689835, 0.010992198251187801, 0.04004364088177681, -0.01721787638962269, 0.01606207899749279, 0.05485217273235321, -0.01997750997543335, -0.011522877961397171, -0.060910265892744064, -0.05220961198210716, 0.06376787275075912, 0.046181414276361465, 0.007904925383627415, -0.030886944383382797, 0.0839393138885498, -0.048283640295267105, -0.02656679041683674, 0.00479438342154026, 0.058671124279499054, 0.013143920339643955, 0.032631635665893555, 0.03088097833096981, 0.04985519126057625, 0.05123404413461685, 0.03329761326313019, 0.08783651888370514, -0.05720507726073265, -0.07965411990880966, -0.05379045009613037, 0.03626890107989311, 0.03222230076789856, 0.010128609836101532, 0.018476635217666626, -0.07533843070268631, 0.04721664637327194, 0.00006734670023433864, -0.04374813288450241, 0.022181956097483635, -0.11140988767147064, 0.019468873739242554, -0.059075649827718735, -0.07513383030891418, -0.01649761199951172, -0.02073395624756813, -0.012210320681333542, -0.052210286259651184, -0.04734056815505028, -0.02910694107413292, 0.0004956303746439517, -0.07390271127223969, -0.0043799784034490585, -0.03023449331521988, -0.07947507500648499, -0.01367280725389719, 0.0036173290573060513, -0.008068204857409, -0.09388530999422073, 0.020185261964797974, -0.009269158355891705, -0.042731452733278275, 0.024380037561058998, -0.03777484595775604, -0.08840492367744446, 0.04768984764814377, 0.026419470086693764, 0.03072158806025982, 0.02725590392947197, -0.014034220948815346, 0.07872390002012253, -0.004089706111699343, 0.022549442946910858, -0.006716341245919466, 0.039314206689596176, -0.016584668308496475, 0.03186356648802757, 0.016474448144435883, 0.039834026247262955, 0.011039149016141891, 0.0616556815803051, -0.05520675331354141, 0.08503520488739014, -0.05174710229039192, 0.004311654716730118, -0.006358076818287373, 0.01273992657661438, 0.08191022276878357, 0.055262722074985504, 0.04774714261293411, 0.010270890779793262, 0.10889480262994766, 0.042376186698675156, 0.02595711685717106, -0.017392875626683235, 0.007481068838387728, -0.02270868979394436, -0.06953220814466476, 0.06542974710464478, 0.02114923484623432, 0.005395600106567144, -0.034260619431734085, 0.04871327057480812, -0.03252320736646652, -0.04641897231340408, -0.03082427941262722, 0.04630674049258232, 0.03203782066702843, -0.005176982842385769, -0.04317495599389076, -0.012289456091821194, 0.0020262945909053087, -0.030607933178544044, 0.0215164665132761, 0.009949888102710247, 0.051928989589214325, 0.05173133313655853, 0.04202301427721977, -0.04220597818493843, 6.015798419186435e-33, 0.08730291575193405, 0.08084574341773987, -0.0013288076734170318, -0.0187204759567976, 0.0870320051908493, -0.004169544670730829, 0.004654586780816317, -0.04390520974993706, -0.030704421922564507, 0.028535451740026474, -0.07626616954803467, 0.008596023544669151, -0.03873926028609276, 0.023565316572785378, -0.05965317413210869, 0.0004457102622836828, -0.01915009506046772, 0.006002621725201607, 0.0030737719498574734, 0.08995869755744934, 0.17050550878047943, 0.006973580457270145, 0.002788386307656765, 0.037052903324365616, -0.05610852688550949, 0.07534586638212204, 0.059968627989292145, -0.10143127292394638, 0.013747114688158035, 0.04414081200957298, -0.07502815872430801, -0.011592566967010498, -0.057436779141426086, -0.03165892884135246, -0.036004070192575455, -0.005392654798924923, -0.0558314323425293, -0.06969919055700302, -0.040373995900154114, -0.03912663087248802, 0.028058206662535667, -0.029642604291439056, 0.030730215832591057, -0.04125214368104935, -0.08286945521831512, -0.024122729897499084, 0.03770913928747177, -0.0032221225555986166, 0.04217494651675224, -0.026181193068623543, 0.0003349006874486804, 0.040274571627378464, -0.03862486779689789, -0.022633709013462067, 0.06319204717874527, 0.025770800188183784, 0.09374181926250458, 0.10572709888219833, 0.06129731982946396, 0.011177130974829197, 0.03327268362045288, -0.054246462881565094, 0.053312599658966064, 0.013345553539693356, 0.10264452546834946, 0.04856133460998535, -0.05687352269887924, -0.012833456508815289, 0.08633178472518921, 0.03037652187049389, 0.02435345947742462, -0.046810708940029144, -0.0287123192101717, 0.06298286467790604, -0.0008917443919926882, -0.07636184245347977, -0.00509156147018075, 0.0014468928566202521, -0.04863162338733673, 0.0285134706646204, -0.11314940452575684, 0.08707969635725021, -0.04399817809462547, 0.025719162076711655, -0.16985619068145752, -0.09817004203796387, 0.07350368052721024, -0.039313849061727524, 0.02999383769929409, -0.03407183289527893, 0.07754641771316528, 0.01051497645676136, 0.014815490692853928, -0.011636840179562569, -0.08127860724925995, -5.198196915125424e-33, -0.04018734022974968, 0.031506508588790894, -0.011352211236953735, 0.05856095254421234, -0.023792659863829613, -0.10145103186368942, 0.05045795813202858, 0.11757055670022964, 0.03238913044333458, -0.023773325607180595, 0.07914648205041885, -0.08824460208415985, 0.03779014199972153, -0.0035398337058722973, 0.10945406556129456, 0.03744864463806152, 0.0037052156403660774, -0.04284525662660599, 0.033873867243528366, 0.06790994852781296, -0.06519678980112076, 0.010046341456472874, -0.058555349707603455, -0.007196796126663685, 0.02358068712055683, 0.027994468808174133, 0.04809660464525223, -0.012376812286674976, -0.012800575233995914, -0.024972008541226387, -0.05849757790565491, 0.04229451343417168, -0.045828044414520264, 0.03050922602415085, -0.1307244449853897, 0.08373574167490005, 0.04829797148704529, 0.01515262108296156, -0.08103642612695694, 0.021962463855743408, 0.07022964209318161, -0.003771939780563116, -0.0781886950135231, 0.08630657941102982, 0.002135415095835924, -0.05619370564818382, -0.037483032792806625, -0.006719862576574087, 0.038608159869909286, -0.12712930142879486, 0.043261051177978516, -0.031045040115714073, -0.04248354583978653, 0.019352560862898827, -0.049275562167167664, -0.02498728409409523, 0.004161694087088108, -0.022221265360713005, -0.031842079013586044, -0.020099196583032608, -0.06106029450893402, -0.05315932258963585, -0.0383780337870121, 0.0015277324710041285, 0.020633229985833168, -0.04587004706263542, -0.050043653696775436, 0.007438861299306154, -0.03559885919094086, -0.03975813835859299, 0.09044334292411804, -0.050920866429805756, 0.08506760001182556, 0.00964792724698782, 0.04949871450662613, 0.0045079453848302364, -0.06230292096734047, 0.004719470161944628, -0.040681540966033936, -0.0582064650952816, -0.14176978170871735, -0.016519276425242424, 0.009959044866263866, 0.05530727654695511, 0.05147897079586983, -0.014098710380494595, 0.010486978106200695, 0.04438604786992073, -0.0665290504693985, 0.028649533167481422, -0.029007211327552795, 0.007087561301887035, 0.020584870129823685, 0.14381001889705658, 0.019665587693452835, -6.160440335634121e-8, -0.052151814103126526, 0.037099502980709076, -0.04850166663527489, 0.0179583877325058, -0.04725637659430504, -0.02389734610915184, 0.024015478789806366, 0.002278161235153675, -0.06894057244062424, 0.05297749862074852, -0.059934742748737335, 0.00102826370857656, -0.06993003189563751, -0.022091886028647423, 0.07055362313985825, 0.05618048459291458, 0.035783372819423676, 0.08665493130683899, -0.05052383989095688, -0.00336690666154027, 0.04623229056596756, 0.0377199724316597, -0.005587505642324686, -0.10257115215063095, -0.08116967976093292, 0.056414894759655, -0.010768547654151917, 0.08104462176561356, 0.03480459004640579, -0.09018012136220932, -0.048659227788448334, 0.05209079012274742, 0.021876206621527672, -0.023921437561511993, 0.009255860932171345, 0.06046195328235626, -0.0042735133320093155, -0.03445720672607422, -0.009310528635978699, 0.08121374994516373, -0.0009670456638559699, -0.014067061245441437, -0.10737143456935883, -0.00612966762855649, 0.021218832582235336, 0.03239954635500908, -0.040702614933252335, -0.1073615550994873, 0.028449945151805878, 0.10020570456981659, 0.02611628547310829, -0.07048646360635757, -0.024677792564034462, -0.005560543853789568, 0.04172417148947716, -0.008780783042311668, 0.014509016647934914, -0.054826926440000534, -0.01792999356985092, 0.000712097913492471, 0.009130815044045448, -0.051874954253435135, 0.03675408288836479, -0.018827570602297783 ]
mideind/IceBERT-xlmr-ic3
51ac5ff8594fb6c26028bd3cf700a9c91cbf9d9f
2022-03-17T14:02:17.000Z
[ "pytorch", "roberta", "fill-mask", "is", "arxiv:2201.05601", "transformers", "icelandic", "masked-lm", "license:agpl-3.0", "autotrain_compatible" ]
fill-mask
false
mideind
null
mideind/IceBERT-xlmr-ic3
0
null
transformers
--- language: is widget: - text: Má bjóða þér <mask> í kvöld? - text: Forseti <mask> er ágæt. - text: Súpan var <mask> á bragðið. tags: - roberta - icelandic - masked-lm - pytorch license: agpl-3.0 --- # IceBERT-xlmr-ic3 This model was trained with fairseq using the RoBERTa-base architecture. The model `xlm-roberta-base` was used as a starting point. It is one of many models we have trained for Icelandic, see the paper referenced below for further details. The training data used is shown in the table below. | Dataset | Size | Tokens | |------------------------------------------------------|---------|--------| | Icelandic Common Crawl Corpus (IC3) | 4.9 GB | 824M | ## Citation The model is described in this paper [https://arxiv.org/abs/2201.05601](https://arxiv.org/abs/2201.05601). Please cite the paper if you make use of the model. ``` @article{DBLP:journals/corr/abs-2201-05601, author = {V{\'{e}}steinn Sn{\ae}bjarnarson and Haukur Barri S{\'{\i}}monarson and P{\'{e}}tur Orri Ragnarsson and Svanhv{\'{\i}}t Lilja Ing{\'{o}}lfsd{\'{o}}ttir and Haukur P{\'{a}}ll J{\'{o}}nsson and Vilhj{\'{a}}lmur {\TH}orsteinsson and Hafsteinn Einarsson}, title = {A Warm Start and a Clean Crawled Corpus - {A} Recipe for Good Language Models}, journal = {CoRR}, volume = {abs/2201.05601}, year = {2022}, url = {https://arxiv.org/abs/2201.05601}, eprinttype = {arXiv}, eprint = {2201.05601}, timestamp = {Thu, 20 Jan 2022 14:21:35 +0100}, biburl = {https://dblp.org/rec/journals/corr/abs-2201-05601.bib}, bibsource = {dblp computer science bibliography, https://dblp.org} } ```
[ -0.07532235234975815, -0.07193899899721146, -0.017063874751329422, 0.02779582142829895, 0.07883486151695251, 0.05513935908675194, -0.03420668840408325, -0.007807555142790079, 0.04907114431262016, 0.03735938295722008, 0.025159111246466637, -0.045044004917144775, 0.042772501707077026, -0.026051340624690056, 0.0266774483025074, 0.022600745782256126, -0.026752306148409843, -0.007317886222153902, -0.07474679499864578, -0.08759370446205139, 0.04698841646313667, 0.05199915170669556, 0.038599297404289246, -0.05007817968726158, 0.10174118727445602, -0.02278837002813816, -0.03352119401097298, -0.05246257781982422, 0.05869133770465851, 0.034212738275527954, 0.02452186308801174, 0.04387551173567772, 0.0547940693795681, 0.07292352616786957, 0.008944208733737469, 0.07174043357372284, -0.09212543815374374, -0.07352457195520401, -0.024951862171292305, 0.06475017219781876, -0.03946315497159958, 0.008475382812321186, -0.009178797714412212, -0.08273280411958694, 0.023577209562063217, 0.018630748614668846, -0.03891339525580406, 0.03514392301440239, -0.09056215733289719, 0.04430841654539108, -0.06135360896587372, -0.061414629220962524, -0.021120993420481682, 0.014312990941107273, -0.03414669260382652, -0.08771874755620956, -0.02288910187780857, 0.00961474422365427, 0.000856728118378669, -0.04908861964941025, -0.03647732362151146, -0.03658634424209595, -0.06771450489759445, -0.005990230944007635, -0.0347667895257473, -0.03604057431221008, -0.03635736554861069, 0.007565587759017944, -0.008009475655853748, -0.03627437725663185, 0.027155287563800812, -0.04259752854704857, -0.09719899296760559, 0.09485051780939102, -0.008312524296343327, 0.026590591296553612, 0.010552437976002693, -0.002045131754130125, 0.025839954614639282, 0.0010208284948021173, 0.01066608913242817, 0.03437689691781998, 0.05721186846494675, 0.008029709570109844, 0.07074001431465149, 0.0037369353231042624, 0.035564448684453964, 0.04138929396867752, -0.0017002566019073129, -0.04481233283877373, 0.05698187276721001, -0.07566462457180023, 0.002737251343205571, 0.004970102570950985, -0.021791424602270126, 0.054631687700748444, 0.09081971645355225, 0.09231869131326675, 0.0011852773604914546, 0.0894685685634613, -0.008368439972400665, 0.012422638945281506, -0.009952173568308353, -0.02764388732612133, -0.04687635228037834, -0.04969605803489685, 0.03417990729212761, 0.03522591292858124, 0.047542307525873184, -0.03263495862483978, 0.04552118852734566, -0.0537429079413414, -0.048526130616664886, -0.04676058888435364, 0.048886869102716446, 0.022955970838665962, 0.04537152126431465, -0.07316338270902634, 0.06291327625513077, 0.03585674241185188, -0.04122309386730194, 0.004146111663430929, 0.02199712209403515, 0.022482650354504585, 0.060825642198324203, 0.05661281198263168, -0.0366293340921402, -3.8512278309721643e-34, 0.07432444393634796, 0.04443373531103134, -0.047756925225257874, -0.011763353832066059, 0.026335248723626137, -0.012631011195480824, 0.02778635546565056, -0.0020926520228385925, -0.010960351675748825, 0.030094988644123077, -0.0710613802075386, 0.02351401560008526, -0.03662295639514923, 0.01892104186117649, -0.06478301435709, 0.0232981089502573, 0.032538022845983505, -0.01697252131998539, -0.06231207773089409, 0.07552602142095566, 0.19048979878425598, 0.0160798579454422, 0.061569374054670334, 0.023432163521647453, -0.018156252801418304, 0.022316638380289078, 0.02148309163749218, -0.10422687232494354, 0.012110894545912743, 0.028126193210482597, -0.049534574151039124, -0.034042760729789734, -0.03976292908191681, -0.008397041819989681, -0.02514033205807209, -0.006997395306825638, -0.07635301351547241, -0.04830784350633621, -0.029249083250761032, -0.035004325211048126, 0.039259813725948334, -0.024413317441940308, 0.04419655352830887, -0.07164745777845383, -0.0735916942358017, -0.004043102264404297, -0.004978468641638756, -0.02049204520881176, -0.008418216370046139, -0.053847067058086395, 0.042844757437705994, 0.05440029874444008, -0.02103547565639019, 0.0407789871096611, 0.06538589298725128, 0.026756783947348595, 0.08553386479616165, 0.09207194298505783, 0.03001989796757698, 0.04774758219718933, 0.03557651862502098, -0.05213593691587448, 0.06958656758069992, 0.01834915764629841, 0.08465825021266937, 0.015695493668317795, -0.042613811790943146, 0.0058704824186861515, 0.104298897087574, 0.004455330781638622, 0.023999592289328575, -0.0586259663105011, 0.0068522063083946705, 0.07379641383886337, 0.016119226813316345, -0.037760671228170395, 0.0325394943356514, -0.05834682658314705, -0.04749283194541931, 0.007875380106270313, -0.06869231909513474, 0.014864273369312286, -0.004599364940077066, -0.0007400190224871039, -0.12906350195407867, -0.10320401936769485, 0.06757455319166183, -0.0851714164018631, -0.0022527927067130804, -0.060100581496953964, 0.03215321525931358, 0.0008507759775966406, -0.012299546971917152, -0.042005572468042374, -0.06212807074189186, -2.077997220068384e-33, -0.025626391172409058, 0.023680387064814568, -0.01641800068318844, 0.039632365107536316, -0.049783218652009964, -0.08825910091400146, 0.0801713839173317, 0.11648236960172653, -0.01422185730189085, 0.030828818678855896, 0.042250875383615494, -0.10337766259908676, 0.05370093882083893, 0.02287554368376732, 0.07936450839042664, 0.058298155665397644, 0.043728940188884735, -0.007380817551165819, 0.06037883833050728, 0.08004004508256912, -0.09526984393596649, 0.04770805686712265, -0.08460881561040878, 0.018915357068181038, 0.04052498936653137, -0.02245905064046383, 0.025134921073913574, -0.017365526407957077, -0.03617451712489128, -0.026277979835867882, -0.07822931557893753, -0.011656188406050205, -0.04449956864118576, 0.02011677622795105, -0.14861321449279785, 0.03500281646847725, 0.0009554694988764822, 0.014938713051378727, -0.04595957323908806, 0.08657123148441315, 0.06800524890422821, -0.011802691034972668, -0.07634865492582321, 0.09205272048711777, -0.013548625633120537, -0.06887838989496231, -0.0855904296040535, 0.016201602295041084, -0.029556438326835632, -0.11238797754049301, 0.041469208896160126, 0.012248320505023003, -0.03395553305745125, 0.012981677427887917, -0.016506677493453026, -0.026286615058779716, -0.005849276203662157, -0.015571985393762589, -0.057503651827573776, -0.056103143841028214, -0.048866793513298035, -0.0389135368168354, -0.04247596114873886, 0.028134983032941818, 0.03207959607243538, -0.03559008613228798, -0.07593747228384018, -0.0017249303637072444, -0.051937226206064224, -0.06065025180578232, 0.0783517062664032, -0.050155844539403915, 0.020590906962752342, 0.012589791789650917, 0.011871984228491783, 0.017311416566371918, -0.058689266443252563, -0.028582053259015083, -0.0326932817697525, -0.08675406873226166, -0.12064290046691895, -0.06178678572177887, 0.024053528904914856, 0.05343562737107277, 0.047105442732572556, 0.07125081866979599, 0.007268231827765703, 0.027078794315457344, -0.056850943714380264, 0.011726287193596363, -0.018588794395327568, 0.005612620618194342, -0.023666970431804657, 0.09312635660171509, 0.021962398663163185, -5.520690393723271e-8, -0.07257457077503204, -0.012347924523055553, -0.06147534400224686, 0.023167038336396217, 0.008024781942367554, -0.026467375457286835, 0.0315697155892849, 0.04660889506340027, -0.06758835166692734, 0.06328906863927841, -0.052308179438114166, -0.006294411141425371, -0.10168394446372986, -0.043498631566762924, 0.08561566472053528, 0.07473273575305939, 0.0415010005235672, 0.13820481300354004, -0.03328440710902214, 0.023178057745099068, 0.026370050385594368, 0.07141400128602982, 0.014034343883395195, -0.052415940910577774, -0.06025410443544388, 0.0202740840613842, -0.0007236775127239525, 0.07920384407043457, 0.03315121680498123, -0.08358731865882874, -0.04762479290366173, 0.020987464115023613, -0.01729905605316162, -0.04554938152432442, 0.01412944495677948, 0.08683259785175323, -0.04983016848564148, -0.06523764878511429, -0.054145459085702896, 0.055731285363435745, 0.02932354249060154, -0.006609182804822922, -0.08193262666463852, -0.018666736781597137, 0.029543118551373482, 0.00018242858641315252, -0.05341565981507301, -0.10898620635271072, 0.028366833925247192, -0.020638471469283104, 0.03657177835702896, -0.06153860315680504, -0.04319750517606735, 0.018736140802502632, 0.09733720123767853, -0.031099561601877213, -0.007876379415392876, -0.04155544936656952, 0.01869348995387554, 0.04673135653138161, 0.0011610598303377628, -0.029446853324770927, 0.045853931456804276, -0.03246063366532326 ]
sanchit-gandhi/wav2vec2-2-bart-debug
fb493c8c3f5b768ee26118fde0d9a82b1f8a64fd
2022-03-17T16:28:55.000Z
[ "pytorch", "tensorboard", "speech-encoder-decoder", "automatic-speech-recognition", "dataset:librispeech_asr", "transformers", "generated_from_trainer", "model-index" ]
automatic-speech-recognition
false
sanchit-gandhi
null
sanchit-gandhi/wav2vec2-2-bart-debug
0
null
transformers
--- tags: - generated_from_trainer datasets: - librispeech_asr model-index: - name: '' 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. --> # This model was trained from scratch on the librispeech_asr 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: 8 - eval_batch_size: 8 - seed: 42 - gradient_accumulation_steps: 4 - 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: 1.0 - mixed_precision_training: Native AMP ### Training results ### Framework versions - Transformers 4.17.0.dev0 - Pytorch 1.10.2+cu113 - Datasets 1.18.3 - Tokenizers 0.11.0
[ -0.08926662057638168, -0.05147762969136238, -0.039569586515426636, 0.07498187571763992, 0.02418087050318718, 0.028041541576385498, -0.02071709930896759, -0.042333345860242844, -0.08551232516765594, -0.12812137603759766, 0.041268013417720795, -0.09415492415428162, -0.02424299716949463, -0.06766749173402786, -0.10787101835012436, 0.03492002934217453, 0.06558118760585785, -0.1107465848326683, -0.07610277086496353, 0.00938722025603056, 0.023077573627233505, 0.039283908903598785, -0.0055452086962759495, 0.05242793634533882, 0.021277904510498047, 0.003187931375578046, -0.042075902223587036, -0.015507116913795471, 0.051626671105623245, -0.01022749301046133, 0.08845853060483932, -0.022313324734568596, 0.03655324876308441, 0.054750390350818634, 0.02078801766037941, 0.01623278670012951, -0.043293312191963196, -0.05287345498800278, 0.0082921851426363, 0.05940178036689758, 0.05118288844823837, -0.09854544699192047, -0.059700340032577515, 0.03192190080881119, 0.06068966165184975, 0.07754894345998764, -0.017391262575984, -0.053785912692546844, -0.016873778775334358, -0.009094858542084694, -0.0759756937623024, -0.09452799707651138, 0.037242621183395386, -0.05497628077864647, -0.05255237966775894, 0.04263756051659584, -0.016751036047935486, -0.06438297033309937, 0.02406107634305954, -0.02023211680352688, -0.06847506761550903, 0.047906942665576935, -0.038612622767686844, 0.017198728397488594, -0.10223549604415894, -0.05083073675632477, -0.022840283811092377, -0.005772767588496208, 0.11199460178613663, -0.04181868955492973, 0.057066578418016434, 0.07293736189603806, 0.001105305622331798, 0.01686803437769413, 0.01378315594047308, 0.020813466981053352, 0.06403724104166031, 0.06727378070354462, 0.06633912026882172, -0.14533773064613342, -0.038750551640987396, -0.06067926064133644, 0.060310639441013336, -0.013650762848556042, 0.0011064851423725486, 0.006056526675820351, 0.07972809672355652, 0.015933910384774208, 0.09547777473926544, 0.023623650893568993, -0.008355095051229, 0.013085589744150639, -0.08655732870101929, 0.03229251876473427, 0.059992287307977676, 0.05823937803506851, -0.004085630644112825, 0.00014963049034122378, -0.06433115154504776, 0.10067301243543625, -0.053042054176330566, 0.051865071058273315, 0.022662248462438583, 0.055094845592975616, -0.021598849445581436, 0.02009062096476555, 0.01944982074201107, 0.07026103138923645, 0.04340055212378502, 0.012117596343159676, 0.07762721180915833, 0.03953957185149193, 0.025832829996943474, -0.0033513722009956837, 0.07820900529623032, 0.08696424961090088, -0.05811145901679993, 0.032135020941495895, -0.04284185171127319, 0.12331607937812805, 0.002199539914727211, -0.03443378955125809, -0.005216521676629782, 0.0328168049454689, -0.07307155430316925, -0.03245632350444794, -0.0921376496553421, 4.362293331364095e-33, 0.03242194652557373, 0.03153928741812706, 0.01001039519906044, -0.06562447547912598, 0.022462783381342888, 0.0025215474888682365, -0.008066522888839245, -0.011893211863934994, -0.0014303072821348906, -0.03418654203414917, -0.07104779779911041, -0.04781394079327583, -0.047180406749248505, 0.09764941781759262, 0.0046253628097474575, -0.019199952483177185, -0.01320631243288517, 0.03697465360164642, 0.05791442468762398, 0.010355843231081963, 0.09695295244455338, -0.014893103390932083, -0.05168948322534561, -0.08342647552490234, -0.05403866618871689, 0.12704719603061676, 0.03006148338317871, 0.004733608104288578, -0.01600327529013157, 0.03409215807914734, -0.011495851911604404, -0.0337844118475914, -0.016290564090013504, 0.01492225844413042, -0.010631266981363297, 0.04675694555044174, 0.0375620536506176, -0.011546863242983818, -0.010685661807656288, -0.047363970428705215, 0.050026826560497284, 0.005698223132640123, 0.013502085581421852, -0.0882316380739212, -0.06374397873878479, -0.02744324505329132, 0.048195675015449524, 0.004443836398422718, 0.029097428545355797, 0.032121818512678146, -0.06591933220624924, -0.018674323335289955, 0.03136472776532173, -0.08794533461332321, -0.07441819459199905, 0.028539666905999184, -0.007372199557721615, 0.10816998779773712, 0.014884614385664463, -0.012162133120000362, 0.04351290687918663, 0.06884091347455978, 0.02585204318165779, -0.00921726506203413, 0.011803669854998589, -0.04096072167158127, -0.026058871299028397, -0.06472738832235336, 0.035797860473394394, 0.01728449948132038, -0.1146313026547432, -0.023322083055973053, 0.009911594912409782, -0.027796266600489616, 0.08249122649431229, -0.10484873503446579, 0.01115715503692627, -0.018033772706985474, -0.07296226918697357, -0.019618287682533264, -0.028850696980953217, 0.035433221608400345, 0.00009745821444084868, -0.03892971947789192, -0.0456475205719471, -0.061633892357349396, 0.0211537703871727, -0.0018595801666378975, -0.01538686454296112, -0.0001777410798240453, -0.010081104934215546, -0.04729010537266731, -0.06922020018100739, -0.008458535186946392, -0.045240771025419235, -5.091315458618892e-33, -0.003088881028816104, 0.03697114810347557, -0.03258156403899193, 0.02881832793354988, 0.024730905890464783, -0.01998899318277836, 0.049674540758132935, 0.10543263703584671, -0.07080775499343872, -0.01656489633023739, 0.05593610927462578, 0.018709484487771988, -0.011908160522580147, -0.07012910395860672, 0.03863312676548958, 0.0006166434613987803, -0.031796474009752274, 0.022743981331586838, -0.01587051898241043, 0.007720268797129393, 0.020027348771691322, 0.11746871471405029, -0.06859585642814636, 0.03231949359178543, 0.00535243097692728, -0.013469254598021507, 0.07006684690713882, 0.13454653322696686, 0.05547399818897247, -0.01774534024298191, 0.028078600764274597, 0.011671013198792934, -0.04392874613404274, 0.016706766560673714, -0.044933099299669266, 0.03219195827841759, -0.013308122754096985, 0.016304949298501015, 0.02135314792394638, 0.06868629902601242, 0.06624197214841843, 0.04164288938045502, -0.08449317514896393, 0.039149489253759384, -0.0015927670756354928, 0.03104291297495365, 0.009538478218019009, -0.059138182550668716, 0.010364365763962269, -0.04955918341875076, -0.004368216264992952, -0.06434506177902222, -0.06812076270580292, -0.014743691310286522, -0.034983109682798386, -0.028274325653910637, 0.017965028062462807, -0.022485530003905296, -0.018654700368642807, -0.021222352981567383, -0.021208476275205612, 0.005150121171027422, -0.028210870921611786, -0.010390077717602253, 0.004264480900019407, -0.049685027450323105, -0.06684993952512741, 0.0431925393640995, -0.0013285097666084766, 0.034209832549095154, -0.00495646707713604, 0.06032571569085121, 0.05076785013079643, 0.036054521799087524, -0.026179509237408638, -0.021583104506134987, -0.03909892588853836, -0.021325254812836647, 0.004753521643579006, -0.10596596449613571, -0.07544742524623871, -0.03111245110630989, 0.06148535758256912, 0.08744371682405472, 0.05901292338967323, 0.0406399630010128, 0.09272637963294983, 0.12015635520219803, 0.001999516971409321, -0.045844193547964096, 0.06463324278593063, -0.03880753368139267, 0.011000380851328373, 0.14315557479858398, -0.021703049540519714, -6.307038091790673e-8, -0.01114794984459877, 0.03181124106049538, 0.018851695582270622, 0.08138599991798401, 0.055554669350385666, 0.00008900880493456498, 0.04401790350675583, 0.01672534830868244, -0.08764254301786423, -0.010207018814980984, 0.04099160432815552, 0.004965848755091429, -0.058007437735795975, 0.009835501201450825, 0.07915885746479034, -0.0013623731210827827, -0.034951966255903244, 0.1048504188656807, -0.01796478033065796, -0.06718356907367706, 0.05850926786661148, -0.018177786841988564, 0.03001602180302143, -0.058286722749471664, 0.09237392246723175, -0.07004334777593613, -0.012225582264363766, 0.08173166960477829, -0.04008600860834122, -0.013153882697224617, 0.014915970154106617, 0.02970322035253048, 0.04986971989274025, -0.04234772175550461, 0.02769700065255165, 0.11905744671821594, -0.04082765802741051, -0.008772018365561962, 0.072688028216362, 0.03324005380272865, -0.07404179871082306, 0.03647756204009056, 0.005561940371990204, -0.03783440962433815, 0.021212443709373474, 0.015237630344927311, -0.008245803415775299, -0.09804245084524155, 0.05064917355775833, 0.017255451530218124, 0.034639108926057816, -0.012356249615550041, -0.045325085520744324, 0.01695864275097847, 0.0005806164117529988, -0.03353762999176979, -0.10280603170394897, -0.08448029309511185, 0.02171771042048931, -0.013034106232225895, 0.017278611660003662, -0.03069382533431053, -0.046284403651952744, -0.012047936208546162 ]
transZ/BART_shared_aug
fc40ec2c70d30620befbd1c5c99daaeba6f44614
2022-04-15T11:08:38.000Z
[ "pytorch", "shared_bart", "transformers" ]
null
false
transZ
null
transZ/BART_shared_aug
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 ]
niksss/Hinglish-HATEBERT
635c85ccc835f6b51c8905eda7072e80ba737e50
2022-03-17T18:43:00.000Z
[ "pytorch", "bert", "feature-extraction", "transformers", "license:afl-3.0" ]
feature-extraction
false
niksss
null
niksss/Hinglish-HATEBERT
0
null
transformers
--- license: afl-3.0 --- Fine-Tune it using this [nb](https://colab.research.google.com/drive/1JRmrAYR0pcEWyni_VtT4SSFxZ5adlAhS?usp=sharing)
[ 0.01132969930768013, -0.018962960690259933, -0.1183403879404068, -0.054960206151008606, 0.041578371077775955, 0.021488703787326813, -0.016460949555039406, -0.10468216985464096, -0.0376722551882267, -0.0030398424714803696, -0.0670209750533104, 0.0261383056640625, -0.08392071723937988, 0.0005556207033805549, -0.0022066503297537565, -0.00858528632670641, -0.011081422679126263, -0.031940758228302, 0.022510526701807976, -0.0525021068751812, -0.01740371808409691, 0.004849565215408802, -0.014833921566605568, -0.015704885125160217, -0.028161901980638504, -0.023444805294275284, -0.055876050144433975, 0.07992628216743469, -0.009910114109516144, -0.09824168682098389, 0.014837435446679592, 0.03526419401168823, 0.08124000579118729, -0.0037064538337290287, 0.018517229706048965, -0.08903818577528, 0.005120224319398403, -0.010445666499435902, -0.047718312591314316, 0.004049832001328468, 0.07847963273525238, -0.0005505335866473615, 0.04236602783203125, 0.07654796540737152, -0.0735735148191452, -0.04002479091286659, -0.033164914697408676, 0.0010831563267856836, 0.08473894745111465, 0.07829692214727402, -0.07872358709573746, 0.004415075294673443, -0.07325409352779388, -0.005966695491224527, 0.11515894532203674, -0.02663601189851761, -0.011320987716317177, 0.06666791439056396, -0.05109354853630066, 0.02317182533442974, 0.02681795507669449, 0.005158412270247936, -0.04079781845211983, 0.038670290261507034, 0.02069159969687462, 0.057919736951589584, -0.06648873537778854, -0.08665915578603745, -0.05004666745662689, -0.05769946426153183, -0.09173079580068588, -0.05868490785360336, -0.013814745470881462, -0.0002571697987150401, 0.02488403022289276, 0.06511636823415756, 0.005084481090307236, 0.023999987170100212, 0.06357388943433762, -0.041324228048324585, -0.08326985687017441, -0.07534288614988327, 0.035806313157081604, 0.030559802427887917, -0.017897704616189003, -0.05149706453084946, -0.017128508538007736, -0.03867271915078163, 0.04121335968375206, 0.038199882954359055, -0.052453022450208664, 0.05860711634159088, 0.10101655125617981, 0.06647484004497528, -0.02383849024772644, 0.09377715736627579, -0.02396373637020588, -0.054343678057193756, -0.03328977897763252, 0.07896966487169266, -0.040951091796159744, 0.03135157749056816, -0.04434527829289436, 0.019308146089315414, -0.07353395223617554, -0.01221714448183775, 0.04664488136768341, 0.09150253981351852, -0.03947748243808746, 0.04804360121488571, 0.04707132652401924, 0.07436509430408478, 0.005071987863630056, -0.05520555004477501, -0.016662022098898888, 0.050796397030353546, -0.11538421362638474, -0.03268967196345329, 0.07216475158929825, 0.010581045411527157, -0.001613975502550602, -0.038855403661727905, -0.02089732699096203, -0.015901625156402588, 0.026980848982930183, -0.011490125209093094, 0.026418529450893402, 2.7969372792129724e-33, -0.04946546256542206, 0.016150206327438354, 0.0006083087646402419, 0.018416207283735275, 0.028131166473031044, -0.06640099734067917, 0.021479418501257896, -0.017176635563373566, -0.13110074400901794, 0.10135380923748016, 0.07165352255105972, 0.07960349321365356, -0.06322316080331802, -0.013526130467653275, 0.08783166110515594, -0.09058190882205963, -0.08435016125440598, 0.015805361792445183, -0.009231646545231342, 0.06185367703437805, 0.049943868070840836, -0.06908681988716125, -0.014658261090517044, -0.02238857001066208, -0.027381371706724167, 0.08814465254545212, 0.007866466417908669, -0.016154048964381218, 0.13505908846855164, 0.04335770383477211, 0.029490794986486435, 0.02101287432014942, -0.10444819927215576, -0.03361042961478233, -0.021428003907203674, -0.02271454595029354, -0.11347183585166931, 0.019757911562919617, -0.07843104749917984, 0.0910990834236145, 0.017539236694574356, -0.04076554626226425, -0.005492710508406162, -0.06922537088394165, -0.07948315888643265, -0.0576903335750103, -0.004275403451174498, -0.011538038030266762, 0.03185226023197174, 0.07120644301176071, 0.07954804599285126, 0.013653784058988094, -0.025913575664162636, 0.009203433990478516, 0.04386310651898384, -0.004384189378470182, 0.003619768191128969, 0.042547840625047684, 0.007313137874007225, -0.028973791748285294, 0.04789036139845848, -0.07278922945261002, -0.019819624722003937, -0.0017648242646828294, 0.010279359295964241, 0.02460414543747902, 0.046411558985710144, -0.06786191463470459, 0.044405803084373474, -0.017924515530467033, 0.021988803520798683, 0.016173459589481354, 0.037457425147295, 0.020107664167881012, -0.05974961817264557, -0.01110765803605318, -0.015156902372837067, 0.05690441280603409, 0.008992612361907959, -0.012579593807458878, -0.025521941483020782, 0.028950968757271767, -0.038807302713394165, -0.04857621714472771, -0.024105805903673172, -0.011129369027912617, -0.057579971849918365, -0.011862652376294136, -0.0033014556393027306, 0.009138434194028378, -0.06481190770864487, 0.06420478224754333, -0.03738217428326607, 0.012170432135462761, -0.02525581233203411, -3.311572930435793e-33, 0.01420099101960659, -0.043194517493247986, -0.007855369709432125, 0.043318819254636765, -0.06195071339607239, 0.009288312867283821, 0.06332259625196457, 0.027447091415524483, 0.0442269928753376, 0.03903106972575188, 0.0206451378762722, 0.05747267231345177, -0.029023149982094765, -0.0834454745054245, 0.04394827410578728, -0.029078764840960503, 0.0001023959630401805, -0.05083094909787178, -0.014889462850987911, -0.056036196649074554, 0.024602694436907768, 0.0644870400428772, -0.06467343121767044, 0.07010755687952042, -0.030218305066227913, 0.0008098463295027614, -0.05758524313569069, 0.048588648438453674, 0.039769358932971954, 0.004457541741430759, 0.007848047651350498, 0.06865400820970535, -0.04609585553407669, -0.03299904242157936, -0.054189927875995636, -0.008132045157253742, 0.09777715802192688, 0.02436590939760208, -0.0243736132979393, -0.015995072200894356, 0.06345099955797195, 0.06853422522544861, -0.07433035224676132, 0.006402075756341219, 0.02492152340710163, 0.01721585914492607, -0.012376486323773861, -0.05336538702249527, 0.05129510164260864, 0.13590465486049652, 0.03518246114253998, -0.08939899504184723, -0.018974540755152702, -0.04022805392742157, -0.041520994156599045, 0.06896180659532547, 0.10385755449533463, -0.01808866485953331, -0.00998372957110405, 0.06016554310917854, 0.04063718393445015, 0.04221931844949722, -0.04452166333794594, -0.036387015134096146, 0.06860321015119553, 0.0743616446852684, -0.07516568154096603, -0.010674616321921349, 0.034906212240457535, 0.09834066033363342, 0.01004625204950571, 0.0502675324678421, 0.04477904364466667, -0.011070086620748043, -0.033368322998285294, 0.032143980264663696, 0.05420500785112381, 0.12975527346134186, -0.042035214602947235, 0.021883059293031693, 0.036234453320503235, 0.03740464150905609, 0.046193379908800125, 0.0947519838809967, 0.02076776511967182, -0.030280349776148796, 0.04621026664972305, 0.002783289412036538, 0.0066293515264987946, -0.017483433708548546, -0.052234940230846405, -0.006998897064477205, 0.001086771604605019, 0.022260351106524467, -0.051636528223752975, -4.653030671875058e-8, -0.12839378416538239, 0.014905991964042187, -0.06923165172338486, 0.08190334588289261, -0.03778329864144325, 0.11158765852451324, -0.025336137041449547, -0.05148300528526306, 0.029531316831707954, -0.08283351361751556, -0.006976442877203226, -0.03397238254547119, -0.05805632472038269, 0.10959656536579132, 0.029950756579637527, -0.010824153199791908, -0.01845470629632473, 0.042626090347766876, -0.03683600202202797, -0.013499357737600803, -0.07237781584262848, 0.04069659486413002, 0.017941458150744438, 0.003580584889277816, -0.004877706058323383, -0.02687809057533741, -0.08100759238004684, 0.03348175436258316, 0.019191192463040352, 0.07220731675624847, -0.05786560848355293, 0.09137285500764847, 0.03335179388523102, -0.12081246823072433, -0.04796899855136871, -0.027804560959339142, 0.03946579247713089, 0.029922064393758774, 0.014971556141972542, 0.014804108999669552, 0.036527641117572784, 0.05661730840802193, -0.08617079257965088, -0.04228592291474342, -0.011745532043278217, -0.06915266066789627, -0.10263261944055557, -0.024334954097867012, -0.03128303587436676, -0.0028478242456912994, 0.08195441216230392, 0.06323728710412979, -0.07542400062084198, -0.009203540161252022, 0.027791131287813187, 0.02977004460990429, -0.006298229563981295, -0.025020435452461243, 0.015356240794062614, 0.02965196967124939, 0.027033742517232895, -0.011723583564162254, 0.08796089887619019, -0.008063155226409435 ]
artemis13fowl/bert-base-cased-imdb
02268ffdcad91ee5ccfc0565fecaa8ce4c0ef6bb
2022-03-18T10:01:35.000Z
[ "pytorch" ]
null
false
artemis13fowl
null
artemis13fowl/bert-base-cased-imdb
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 ]
artemis13fowl/bert-base-cased-imdb-tmp
64f89a3dad051077d0cffac3192afd0656ff75fe
2022-03-18T09:53:17.000Z
[ "pytorch" ]
null
false
artemis13fowl
null
artemis13fowl/bert-base-cased-imdb-tmp
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 ]
nairoj/Bert_ANT
677c5a6eb063e68a284897df74c955c411f7f64d
2022-05-30T14:29:36.000Z
[ "pytorch", "bert", "fill-mask", "transformers", "license:mit", "autotrain_compatible" ]
fill-mask
false
nairoj
null
nairoj/Bert_ANT
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 ]
facebook/regnet-x-080
4f41bade4f37141a9aea824fd3bf7519733f0a46
2022-06-30T10:14:32.000Z
[ "pytorch", "tf", "regnet", "image-classification", "dataset:imagenet-1k", "arxiv:2003.13678", "transformers", "vision", "license:apache-2.0" ]
image-classification
false
facebook
null
facebook/regnet-x-080
0
null
transformers
--- license: apache-2.0 tags: - vision - image-classification datasets: - imagenet-1k widget: - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/tiger.jpg example_title: Tiger - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/teapot.jpg example_title: Teapot - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/palace.jpg example_title: Palace --- # RegNet RegNet model trained on imagenet-1k. It was introduced in the paper [Designing Network Design Spaces](https://arxiv.org/abs/2003.13678) and first released in [this repository](https://github.com/facebookresearch/pycls). Disclaimer: The team releasing RegNet did not write a model card for this model so this model card has been written by the Hugging Face team. ## Model description The authors design search spaces to perform Neural Architecture Search (NAS). They first start from a high dimensional search space and iteratively reduce the search space by empirically applying constraints based on the best-performing models sampled by the current search space. ![model image](https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/regnet_architecture.png) ## Intended uses & limitations You can use the raw model for image classification. See the [model hub](https://huggingface.co/models?search=regnet) to look for fine-tuned versions on a task that interests you. ### How to use Here is how to use this model: ```python >>> from transformers import AutoFeatureExtractor, RegNetForImageClassification >>> import torch >>> from datasets import load_dataset >>> dataset = load_dataset("huggingface/cats-image") >>> image = dataset["test"]["image"][0] >>> feature_extractor = AutoFeatureExtractor.from_pretrained("zuppif/regnet-y-040") >>> model = RegNetForImageClassification.from_pretrained("zuppif/regnet-y-040") >>> inputs = feature_extractor(image, return_tensors="pt") >>> with torch.no_grad(): ... logits = model(**inputs).logits >>> # model predicts one of the 1000 ImageNet classes >>> predicted_label = logits.argmax(-1).item() >>> print(model.config.id2label[predicted_label]) 'tabby, tabby cat' ``` For more code examples, we refer to the [documentation](https://huggingface.co/docs/transformers/master/en/model_doc/regnet).
[ -0.09716660529375076, 0.007682012394070625, 0.014121271669864655, 0.023276086896657944, 0.06860209256410599, -0.05333618447184563, -0.014848208986222744, -0.01589207723736763, -0.011465679854154587, -0.030643023550510406, 0.06083591654896736, -0.012407905422151089, 0.05800802633166313, 0.01747511699795723, 0.014896835200488567, -0.008919008076190948, -0.0103508485481143, -0.003426123643293977, -0.026558542624115944, 0.057863350957632065, 0.015639249235391617, -0.023943835869431496, 0.04035487025976181, -0.07031143456697464, -0.06636063009500504, 0.03219219669699669, -0.01234092190861702, 0.05126837268471718, 0.01533022616058588, -0.10200230777263641, 0.021943826228380203, 0.07724636793136597, -0.002589699812233448, 0.04299914836883545, 0.000983638339675963, 0.08780912309885025, 0.007860628888010979, 0.011296937242150307, -0.0320744551718235, -0.015430392697453499, -0.017375485971570015, -0.04389588534832001, 0.006254520267248154, 0.006984349340200424, 0.045579634606838226, 0.06210136041045189, -0.02223356068134308, -0.04642089083790779, -0.02403254434466362, -0.06225715950131416, -0.05609186738729477, -0.05851702764630318, -0.0450107716023922, 0.010398076847195625, 0.038702286779880524, 0.00003145555092487484, -0.08000215142965317, -0.02837424911558628, -0.012253566645085812, -0.00867350585758686, 0.07555676996707916, 0.02436605468392372, -0.10160782933235168, 0.04772774875164032, -0.04140566289424896, -0.02821141853928566, 0.0019135790644213557, 0.004911558702588081, 0.10138271003961563, -0.07841119915246964, 0.032538603991270065, 0.018634723499417305, -0.03861997276544571, -0.05134874954819679, 0.013018159195780754, 0.07011505216360092, 0.06772124767303467, 0.03917575627565384, 0.04954743757843971, -0.15942640602588654, 0.027013957500457764, 0.01786026544868946, 0.048979751765728, 0.04145161435008049, 0.051844604313373566, 0.0009430519421584904, -0.058690134435892105, 0.046651970595121384, -0.020469684153795242, -0.08207042515277863, 0.03163445368409157, 0.009347324259579182, 0.0028867588844150305, 0.018730390816926956, -0.019496304914355278, 0.03770190849900246, 0.04669198766350746, -0.028467770665884018, -0.06310927122831345, 0.14418062567710876, -0.0376872718334198, -0.03864360228180885, 0.05215407535433769, 0.03298735246062279, 0.11917102336883545, -0.012824075296521187, -0.018082348629832268, 0.09366966784000397, 0.06376276165246964, -0.08608433604240417, -0.036302898079156876, -0.036654144525527954, -0.1260656863451004, -0.0446462519466877, -0.034973517060279846, -0.030190028250217438, -0.07782069593667984, -0.010814049281179905, 0.024108627811074257, -0.012454072013497353, -0.004765444900840521, -0.014624548144638538, -0.003850947367027402, -0.07903586328029633, -0.018991751596331596, -0.03532534837722778, -0.1297893226146698, 3.50477130446519e-33, 0.044933199882507324, 0.035841889679431915, 0.019362278282642365, -0.008647664450109005, 0.1497158706188202, -0.06888682395219803, 0.005489308852702379, -0.01098641101270914, -0.04356381297111511, 0.028893496841192245, -0.056821200996637344, -0.03699297830462456, -0.05975330248475075, 0.08214712142944336, 0.05646210536360741, -0.03371042013168335, -0.09220226854085922, 0.037232764065265656, 0.054384224116802216, 0.03647639974951744, 0.004630390554666519, -0.006846239324659109, 0.053070325404405594, -0.025238364934921265, -0.07161946594715118, 0.09225117415189743, 0.042292576283216476, -0.052296604961156845, 0.039366286247968674, 0.03572414442896843, 0.03044199012219906, -0.009886800311505795, 0.0647524893283844, 0.0010032916907221079, -0.037797000259160995, -0.026812415570020676, -0.010420884937047958, -0.1088026687502861, -0.020117461681365967, -0.010832888074219227, -0.026955515146255493, 0.03736964613199234, -0.03599542751908302, -0.045551665127277374, -0.07525602728128433, -0.02174755185842514, 0.032454948872327805, 0.03375387191772461, -0.0144345136359334, 0.0739017054438591, 0.02717040665447712, -0.01545436680316925, -0.014640471898019314, -0.05159163102507591, -0.12875495851039886, -0.03792324662208557, 0.03680656477808952, 0.05741047114133835, 0.05810496211051941, 0.02824973315000534, 0.009730691090226173, -0.03337855264544487, 0.025311453267931938, 0.05299282819032669, 0.026739249005913734, 0.03194962069392204, 0.020145108923316002, -0.021877601742744446, -0.004108314868062735, -0.008082971908152103, -0.03972747176885605, 0.05262526869773865, -0.04788124933838844, -0.029971610754728317, 0.04033566638827324, -0.05463443696498871, 0.008657876402139664, -0.007900386117398739, -0.08642689883708954, 0.08447560667991638, -0.12432397902011871, 0.10845537483692169, -0.05906122922897339, -0.04778726398944855, -0.09162657707929611, 0.014650704339146614, 0.11773178726434708, -0.04152142256498337, 0.01837034523487091, 0.030036533251404762, 0.018998106941580772, 0.01752655953168869, -0.02204412780702114, -0.017079109326004982, -0.02301652915775776, -3.285342876023148e-33, 0.011855840682983398, 0.01161721721291542, -0.05686809867620468, -0.018221594393253326, 0.023144563660025597, -0.035772405564785004, 0.06981031596660614, 0.08601396530866623, -0.002929234877228737, -0.008323585614562035, 0.10156189650297165, 0.05797358974814415, -0.0043416316621005535, -0.04001922532916069, 0.012745693325996399, -0.06973119080066681, 0.003274401417002082, -0.11555501818656921, -0.04411463066935539, 0.05324950069189072, 0.05873684212565422, 0.09137451648712158, -0.07388678193092346, 0.059504080563783646, -0.03356446325778961, 0.08154607564210892, -0.0025960453785955906, 0.017206907272338867, 0.006320619489997625, -0.015496810898184776, -0.010833929292857647, -0.05785640329122543, -0.07283464819192886, 0.06236042082309723, -0.003025482874363661, 0.045231740921735764, 0.007260007318109274, 0.04864973947405815, -0.04354027286171913, 0.06619587540626526, 0.0698954164981842, 0.014706197194755077, -0.12015208601951599, 0.09654022753238678, 0.01170218363404274, -0.07934167981147766, 0.0015810105251148343, -0.040498603135347366, 0.04610532894730568, -0.06428751349449158, 0.012800658121705055, -0.048015058040618896, -0.05159768462181091, -0.004151454661041498, -0.006182878278195858, 0.0391574390232563, 0.010159253142774105, 0.05909980461001396, 0.048454973846673965, 0.020841844379901886, 0.027342790737748146, -0.10179975628852844, -0.11793578416109085, -0.007137575186789036, -0.002282719360664487, 0.04901917278766632, -0.0665442943572998, -0.022806398570537567, -0.030358728021383286, -0.009845630265772343, -0.006060739979147911, 0.028337929397821426, 0.003059387905523181, 0.03754154220223427, 0.01793796569108963, -0.08175027370452881, 0.03816763311624527, 0.0170703437179327, 0.049112915992736816, -0.013798151165246964, -0.09405837953090668, -0.029556147754192352, 0.01347394473850727, 0.06192939355969429, 0.1153414398431778, -0.011369859799742699, 0.018414035439491272, 0.07506821304559708, 0.006866713520139456, -0.048283349722623825, -0.018331432715058327, 0.0577523410320282, 0.0444839783012867, 0.1339530348777771, 0.05478709191083908, -5.8315002604558686e-8, -0.07394274324178696, 0.025576256215572357, 0.006479194853454828, -0.014790876768529415, -0.04031252861022949, -0.028992926701903343, 0.08385083079338074, -0.05318543314933777, -0.0036478424444794655, -0.014283008873462677, 0.06678672134876251, 0.025980884209275246, -0.09536658227443695, -0.012705155648291111, -0.02218969352543354, 0.030148139223456383, -0.0010425877990201116, 0.080894835293293, -0.07746579498052597, -0.03978375717997551, -0.039949096739292145, -0.06269140541553497, 0.03845854103565216, -0.060114238411188126, 0.0017386998515576124, -0.03147940710186958, -0.05017074570059776, -0.018659833818674088, -0.03611375018954277, -0.007518148049712181, -0.0006508665392175317, 0.014260615222156048, 0.06636057794094086, -0.016017915681004524, 0.07489925622940063, 0.06312288343906403, -0.058462172746658325, -0.00008024947601370513, 0.03454691544175148, 0.003151544602587819, -0.018048658967018127, -0.04428468644618988, -0.06081487610936165, -0.004874543286859989, 0.11756552010774612, 0.07060358673334122, 0.040230605751276016, -0.029561731964349747, 0.0065278057008981705, 0.047751132398843765, 0.04755748063325882, -0.03372340276837349, -0.021243000403046608, 0.04413686320185661, -0.021610550582408905, -0.015580623410642147, 0.02883278764784336, -0.04045568034052849, 0.06893184036016464, 0.01851162686944008, 0.05243448168039322, 0.015263225883245468, -0.00531374616548419, 0.01543126255273819 ]
facebook/regnet-x-160
30ed4735d93a87db5d5b2c41c0c7049c13b01265
2022-06-30T10:14:35.000Z
[ "pytorch", "tf", "regnet", "image-classification", "dataset:imagenet-1k", "arxiv:2003.13678", "transformers", "vision", "license:apache-2.0" ]
image-classification
false
facebook
null
facebook/regnet-x-160
0
null
transformers
--- license: apache-2.0 tags: - vision - image-classification datasets: - imagenet-1k widget: - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/tiger.jpg example_title: Tiger - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/teapot.jpg example_title: Teapot - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/palace.jpg example_title: Palace --- # RegNet RegNet model trained on imagenet-1k. It was introduced in the paper [Designing Network Design Spaces](https://arxiv.org/abs/2003.13678) and first released in [this repository](https://github.com/facebookresearch/pycls). Disclaimer: The team releasing RegNet did not write a model card for this model so this model card has been written by the Hugging Face team. ## Model description The authors design search spaces to perform Neural Architecture Search (NAS). They first start from a high dimensional search space and iteratively reduce the search space by empirically applying constraints based on the best-performing models sampled by the current search space. ![model image](https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/regnet_architecture.png) ## Intended uses & limitations You can use the raw model for image classification. See the [model hub](https://huggingface.co/models?search=regnet) to look for fine-tuned versions on a task that interests you. ### How to use Here is how to use this model: ```python >>> from transformers import AutoFeatureExtractor, RegNetForImageClassification >>> import torch >>> from datasets import load_dataset >>> dataset = load_dataset("huggingface/cats-image") >>> image = dataset["test"]["image"][0] >>> feature_extractor = AutoFeatureExtractor.from_pretrained("zuppif/regnet-y-040") >>> model = RegNetForImageClassification.from_pretrained("zuppif/regnet-y-040") >>> inputs = feature_extractor(image, return_tensors="pt") >>> with torch.no_grad(): ... logits = model(**inputs).logits >>> # model predicts one of the 1000 ImageNet classes >>> predicted_label = logits.argmax(-1).item() >>> print(model.config.id2label[predicted_label]) 'tabby, tabby cat' ``` For more code examples, we refer to the [documentation](https://huggingface.co/docs/transformers/master/en/model_doc/regnet).
[ -0.09716660529375076, 0.007682012394070625, 0.014121271669864655, 0.023276086896657944, 0.06860209256410599, -0.05333618447184563, -0.014848208986222744, -0.01589207723736763, -0.011465679854154587, -0.030643023550510406, 0.06083591654896736, -0.012407905422151089, 0.05800802633166313, 0.01747511699795723, 0.014896835200488567, -0.008919008076190948, -0.0103508485481143, -0.003426123643293977, -0.026558542624115944, 0.057863350957632065, 0.015639249235391617, -0.023943835869431496, 0.04035487025976181, -0.07031143456697464, -0.06636063009500504, 0.03219219669699669, -0.01234092190861702, 0.05126837268471718, 0.01533022616058588, -0.10200230777263641, 0.021943826228380203, 0.07724636793136597, -0.002589699812233448, 0.04299914836883545, 0.000983638339675963, 0.08780912309885025, 0.007860628888010979, 0.011296937242150307, -0.0320744551718235, -0.015430392697453499, -0.017375485971570015, -0.04389588534832001, 0.006254520267248154, 0.006984349340200424, 0.045579634606838226, 0.06210136041045189, -0.02223356068134308, -0.04642089083790779, -0.02403254434466362, -0.06225715950131416, -0.05609186738729477, -0.05851702764630318, -0.0450107716023922, 0.010398076847195625, 0.038702286779880524, 0.00003145555092487484, -0.08000215142965317, -0.02837424911558628, -0.012253566645085812, -0.00867350585758686, 0.07555676996707916, 0.02436605468392372, -0.10160782933235168, 0.04772774875164032, -0.04140566289424896, -0.02821141853928566, 0.0019135790644213557, 0.004911558702588081, 0.10138271003961563, -0.07841119915246964, 0.032538603991270065, 0.018634723499417305, -0.03861997276544571, -0.05134874954819679, 0.013018159195780754, 0.07011505216360092, 0.06772124767303467, 0.03917575627565384, 0.04954743757843971, -0.15942640602588654, 0.027013957500457764, 0.01786026544868946, 0.048979751765728, 0.04145161435008049, 0.051844604313373566, 0.0009430519421584904, -0.058690134435892105, 0.046651970595121384, -0.020469684153795242, -0.08207042515277863, 0.03163445368409157, 0.009347324259579182, 0.0028867588844150305, 0.018730390816926956, -0.019496304914355278, 0.03770190849900246, 0.04669198766350746, -0.028467770665884018, -0.06310927122831345, 0.14418062567710876, -0.0376872718334198, -0.03864360228180885, 0.05215407535433769, 0.03298735246062279, 0.11917102336883545, -0.012824075296521187, -0.018082348629832268, 0.09366966784000397, 0.06376276165246964, -0.08608433604240417, -0.036302898079156876, -0.036654144525527954, -0.1260656863451004, -0.0446462519466877, -0.034973517060279846, -0.030190028250217438, -0.07782069593667984, -0.010814049281179905, 0.024108627811074257, -0.012454072013497353, -0.004765444900840521, -0.014624548144638538, -0.003850947367027402, -0.07903586328029633, -0.018991751596331596, -0.03532534837722778, -0.1297893226146698, 3.50477130446519e-33, 0.044933199882507324, 0.035841889679431915, 0.019362278282642365, -0.008647664450109005, 0.1497158706188202, -0.06888682395219803, 0.005489308852702379, -0.01098641101270914, -0.04356381297111511, 0.028893496841192245, -0.056821200996637344, -0.03699297830462456, -0.05975330248475075, 0.08214712142944336, 0.05646210536360741, -0.03371042013168335, -0.09220226854085922, 0.037232764065265656, 0.054384224116802216, 0.03647639974951744, 0.004630390554666519, -0.006846239324659109, 0.053070325404405594, -0.025238364934921265, -0.07161946594715118, 0.09225117415189743, 0.042292576283216476, -0.052296604961156845, 0.039366286247968674, 0.03572414442896843, 0.03044199012219906, -0.009886800311505795, 0.0647524893283844, 0.0010032916907221079, -0.037797000259160995, -0.026812415570020676, -0.010420884937047958, -0.1088026687502861, -0.020117461681365967, -0.010832888074219227, -0.026955515146255493, 0.03736964613199234, -0.03599542751908302, -0.045551665127277374, -0.07525602728128433, -0.02174755185842514, 0.032454948872327805, 0.03375387191772461, -0.0144345136359334, 0.0739017054438591, 0.02717040665447712, -0.01545436680316925, -0.014640471898019314, -0.05159163102507591, -0.12875495851039886, -0.03792324662208557, 0.03680656477808952, 0.05741047114133835, 0.05810496211051941, 0.02824973315000534, 0.009730691090226173, -0.03337855264544487, 0.025311453267931938, 0.05299282819032669, 0.026739249005913734, 0.03194962069392204, 0.020145108923316002, -0.021877601742744446, -0.004108314868062735, -0.008082971908152103, -0.03972747176885605, 0.05262526869773865, -0.04788124933838844, -0.029971610754728317, 0.04033566638827324, -0.05463443696498871, 0.008657876402139664, -0.007900386117398739, -0.08642689883708954, 0.08447560667991638, -0.12432397902011871, 0.10845537483692169, -0.05906122922897339, -0.04778726398944855, -0.09162657707929611, 0.014650704339146614, 0.11773178726434708, -0.04152142256498337, 0.01837034523487091, 0.030036533251404762, 0.018998106941580772, 0.01752655953168869, -0.02204412780702114, -0.017079109326004982, -0.02301652915775776, -3.285342876023148e-33, 0.011855840682983398, 0.01161721721291542, -0.05686809867620468, -0.018221594393253326, 0.023144563660025597, -0.035772405564785004, 0.06981031596660614, 0.08601396530866623, -0.002929234877228737, -0.008323585614562035, 0.10156189650297165, 0.05797358974814415, -0.0043416316621005535, -0.04001922532916069, 0.012745693325996399, -0.06973119080066681, 0.003274401417002082, -0.11555501818656921, -0.04411463066935539, 0.05324950069189072, 0.05873684212565422, 0.09137451648712158, -0.07388678193092346, 0.059504080563783646, -0.03356446325778961, 0.08154607564210892, -0.0025960453785955906, 0.017206907272338867, 0.006320619489997625, -0.015496810898184776, -0.010833929292857647, -0.05785640329122543, -0.07283464819192886, 0.06236042082309723, -0.003025482874363661, 0.045231740921735764, 0.007260007318109274, 0.04864973947405815, -0.04354027286171913, 0.06619587540626526, 0.0698954164981842, 0.014706197194755077, -0.12015208601951599, 0.09654022753238678, 0.01170218363404274, -0.07934167981147766, 0.0015810105251148343, -0.040498603135347366, 0.04610532894730568, -0.06428751349449158, 0.012800658121705055, -0.048015058040618896, -0.05159768462181091, -0.004151454661041498, -0.006182878278195858, 0.0391574390232563, 0.010159253142774105, 0.05909980461001396, 0.048454973846673965, 0.020841844379901886, 0.027342790737748146, -0.10179975628852844, -0.11793578416109085, -0.007137575186789036, -0.002282719360664487, 0.04901917278766632, -0.0665442943572998, -0.022806398570537567, -0.030358728021383286, -0.009845630265772343, -0.006060739979147911, 0.028337929397821426, 0.003059387905523181, 0.03754154220223427, 0.01793796569108963, -0.08175027370452881, 0.03816763311624527, 0.0170703437179327, 0.049112915992736816, -0.013798151165246964, -0.09405837953090668, -0.029556147754192352, 0.01347394473850727, 0.06192939355969429, 0.1153414398431778, -0.011369859799742699, 0.018414035439491272, 0.07506821304559708, 0.006866713520139456, -0.048283349722623825, -0.018331432715058327, 0.0577523410320282, 0.0444839783012867, 0.1339530348777771, 0.05478709191083908, -5.8315002604558686e-8, -0.07394274324178696, 0.025576256215572357, 0.006479194853454828, -0.014790876768529415, -0.04031252861022949, -0.028992926701903343, 0.08385083079338074, -0.05318543314933777, -0.0036478424444794655, -0.014283008873462677, 0.06678672134876251, 0.025980884209275246, -0.09536658227443695, -0.012705155648291111, -0.02218969352543354, 0.030148139223456383, -0.0010425877990201116, 0.080894835293293, -0.07746579498052597, -0.03978375717997551, -0.039949096739292145, -0.06269140541553497, 0.03845854103565216, -0.060114238411188126, 0.0017386998515576124, -0.03147940710186958, -0.05017074570059776, -0.018659833818674088, -0.03611375018954277, -0.007518148049712181, -0.0006508665392175317, 0.014260615222156048, 0.06636057794094086, -0.016017915681004524, 0.07489925622940063, 0.06312288343906403, -0.058462172746658325, -0.00008024947601370513, 0.03454691544175148, 0.003151544602587819, -0.018048658967018127, -0.04428468644618988, -0.06081487610936165, -0.004874543286859989, 0.11756552010774612, 0.07060358673334122, 0.040230605751276016, -0.029561731964349747, 0.0065278057008981705, 0.047751132398843765, 0.04755748063325882, -0.03372340276837349, -0.021243000403046608, 0.04413686320185661, -0.021610550582408905, -0.015580623410642147, 0.02883278764784336, -0.04045568034052849, 0.06893184036016464, 0.01851162686944008, 0.05243448168039322, 0.015263225883245468, -0.00531374616548419, 0.01543126255273819 ]
facebook/regnet-y-016
5f453e35ddd0a5c1297dec982ac984a1359a8850
2022-06-28T11:38:42.000Z
[ "pytorch", "tf", "regnet", "image-classification", "dataset:imagenet-1k", "arxiv:2003.13678", "transformers", "vision", "license:apache-2.0" ]
image-classification
false
facebook
null
facebook/regnet-y-016
0
null
transformers
--- license: apache-2.0 tags: - vision - image-classification datasets: - imagenet-1k widget: - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/tiger.jpg example_title: Tiger - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/teapot.jpg example_title: Teapot - src: https://huggingface.co/datasets/mishig/sample_images/resolve/main/palace.jpg example_title: Palace --- # RegNet RegNet model trained on imagenet-1k. It was introduced in the paper [Designing Network Design Spaces](https://arxiv.org/abs/2003.13678) and first released in [this repository](https://github.com/facebookresearch/pycls). Disclaimer: The team releasing RegNet did not write a model card for this model so this model card has been written by the Hugging Face team. ## Model description The authors design search spaces to perform Neural Architecture Search (NAS). They first start from a high dimensional search space and iteratively reduce the search space by empirically applying constraints based on the best-performing models sampled by the current search space. ![model image](https://huggingface.co/datasets/huggingface/documentation-images/resolve/main/regnet_architecture.png) ## Intended uses & limitations You can use the raw model for image classification. See the [model hub](https://huggingface.co/models?search=regnet) to look for fine-tuned versions on a task that interests you. ### How to use Here is how to use this model: ```python >>> from transformers import AutoFeatureExtractor, RegNetForImageClassification >>> import torch >>> from datasets import load_dataset >>> dataset = load_dataset("huggingface/cats-image") >>> image = dataset["test"]["image"][0] >>> feature_extractor = AutoFeatureExtractor.from_pretrained("zuppif/regnet-y-040") >>> model = RegNetForImageClassification.from_pretrained("zuppif/regnet-y-040") >>> inputs = feature_extractor(image, return_tensors="pt") >>> with torch.no_grad(): ... logits = model(**inputs).logits >>> # model predicts one of the 1000 ImageNet classes >>> predicted_label = logits.argmax(-1).item() >>> print(model.config.id2label[predicted_label]) 'tabby, tabby cat' ``` For more code examples, we refer to the [documentation](https://huggingface.co/docs/transformers/master/en/model_doc/regnet).
[ -0.09716660529375076, 0.007682012394070625, 0.014121271669864655, 0.023276086896657944, 0.06860209256410599, -0.05333618447184563, -0.014848208986222744, -0.01589207723736763, -0.011465679854154587, -0.030643023550510406, 0.06083591654896736, -0.012407905422151089, 0.05800802633166313, 0.01747511699795723, 0.014896835200488567, -0.008919008076190948, -0.0103508485481143, -0.003426123643293977, -0.026558542624115944, 0.057863350957632065, 0.015639249235391617, -0.023943835869431496, 0.04035487025976181, -0.07031143456697464, -0.06636063009500504, 0.03219219669699669, -0.01234092190861702, 0.05126837268471718, 0.01533022616058588, -0.10200230777263641, 0.021943826228380203, 0.07724636793136597, -0.002589699812233448, 0.04299914836883545, 0.000983638339675963, 0.08780912309885025, 0.007860628888010979, 0.011296937242150307, -0.0320744551718235, -0.015430392697453499, -0.017375485971570015, -0.04389588534832001, 0.006254520267248154, 0.006984349340200424, 0.045579634606838226, 0.06210136041045189, -0.02223356068134308, -0.04642089083790779, -0.02403254434466362, -0.06225715950131416, -0.05609186738729477, -0.05851702764630318, -0.0450107716023922, 0.010398076847195625, 0.038702286779880524, 0.00003145555092487484, -0.08000215142965317, -0.02837424911558628, -0.012253566645085812, -0.00867350585758686, 0.07555676996707916, 0.02436605468392372, -0.10160782933235168, 0.04772774875164032, -0.04140566289424896, -0.02821141853928566, 0.0019135790644213557, 0.004911558702588081, 0.10138271003961563, -0.07841119915246964, 0.032538603991270065, 0.018634723499417305, -0.03861997276544571, -0.05134874954819679, 0.013018159195780754, 0.07011505216360092, 0.06772124767303467, 0.03917575627565384, 0.04954743757843971, -0.15942640602588654, 0.027013957500457764, 0.01786026544868946, 0.048979751765728, 0.04145161435008049, 0.051844604313373566, 0.0009430519421584904, -0.058690134435892105, 0.046651970595121384, -0.020469684153795242, -0.08207042515277863, 0.03163445368409157, 0.009347324259579182, 0.0028867588844150305, 0.018730390816926956, -0.019496304914355278, 0.03770190849900246, 0.04669198766350746, -0.028467770665884018, -0.06310927122831345, 0.14418062567710876, -0.0376872718334198, -0.03864360228180885, 0.05215407535433769, 0.03298735246062279, 0.11917102336883545, -0.012824075296521187, -0.018082348629832268, 0.09366966784000397, 0.06376276165246964, -0.08608433604240417, -0.036302898079156876, -0.036654144525527954, -0.1260656863451004, -0.0446462519466877, -0.034973517060279846, -0.030190028250217438, -0.07782069593667984, -0.010814049281179905, 0.024108627811074257, -0.012454072013497353, -0.004765444900840521, -0.014624548144638538, -0.003850947367027402, -0.07903586328029633, -0.018991751596331596, -0.03532534837722778, -0.1297893226146698, 3.50477130446519e-33, 0.044933199882507324, 0.035841889679431915, 0.019362278282642365, -0.008647664450109005, 0.1497158706188202, -0.06888682395219803, 0.005489308852702379, -0.01098641101270914, -0.04356381297111511, 0.028893496841192245, -0.056821200996637344, -0.03699297830462456, -0.05975330248475075, 0.08214712142944336, 0.05646210536360741, -0.03371042013168335, -0.09220226854085922, 0.037232764065265656, 0.054384224116802216, 0.03647639974951744, 0.004630390554666519, -0.006846239324659109, 0.053070325404405594, -0.025238364934921265, -0.07161946594715118, 0.09225117415189743, 0.042292576283216476, -0.052296604961156845, 0.039366286247968674, 0.03572414442896843, 0.03044199012219906, -0.009886800311505795, 0.0647524893283844, 0.0010032916907221079, -0.037797000259160995, -0.026812415570020676, -0.010420884937047958, -0.1088026687502861, -0.020117461681365967, -0.010832888074219227, -0.026955515146255493, 0.03736964613199234, -0.03599542751908302, -0.045551665127277374, -0.07525602728128433, -0.02174755185842514, 0.032454948872327805, 0.03375387191772461, -0.0144345136359334, 0.0739017054438591, 0.02717040665447712, -0.01545436680316925, -0.014640471898019314, -0.05159163102507591, -0.12875495851039886, -0.03792324662208557, 0.03680656477808952, 0.05741047114133835, 0.05810496211051941, 0.02824973315000534, 0.009730691090226173, -0.03337855264544487, 0.025311453267931938, 0.05299282819032669, 0.026739249005913734, 0.03194962069392204, 0.020145108923316002, -0.021877601742744446, -0.004108314868062735, -0.008082971908152103, -0.03972747176885605, 0.05262526869773865, -0.04788124933838844, -0.029971610754728317, 0.04033566638827324, -0.05463443696498871, 0.008657876402139664, -0.007900386117398739, -0.08642689883708954, 0.08447560667991638, -0.12432397902011871, 0.10845537483692169, -0.05906122922897339, -0.04778726398944855, -0.09162657707929611, 0.014650704339146614, 0.11773178726434708, -0.04152142256498337, 0.01837034523487091, 0.030036533251404762, 0.018998106941580772, 0.01752655953168869, -0.02204412780702114, -0.017079109326004982, -0.02301652915775776, -3.285342876023148e-33, 0.011855840682983398, 0.01161721721291542, -0.05686809867620468, -0.018221594393253326, 0.023144563660025597, -0.035772405564785004, 0.06981031596660614, 0.08601396530866623, -0.002929234877228737, -0.008323585614562035, 0.10156189650297165, 0.05797358974814415, -0.0043416316621005535, -0.04001922532916069, 0.012745693325996399, -0.06973119080066681, 0.003274401417002082, -0.11555501818656921, -0.04411463066935539, 0.05324950069189072, 0.05873684212565422, 0.09137451648712158, -0.07388678193092346, 0.059504080563783646, -0.03356446325778961, 0.08154607564210892, -0.0025960453785955906, 0.017206907272338867, 0.006320619489997625, -0.015496810898184776, -0.010833929292857647, -0.05785640329122543, -0.07283464819192886, 0.06236042082309723, -0.003025482874363661, 0.045231740921735764, 0.007260007318109274, 0.04864973947405815, -0.04354027286171913, 0.06619587540626526, 0.0698954164981842, 0.014706197194755077, -0.12015208601951599, 0.09654022753238678, 0.01170218363404274, -0.07934167981147766, 0.0015810105251148343, -0.040498603135347366, 0.04610532894730568, -0.06428751349449158, 0.012800658121705055, -0.048015058040618896, -0.05159768462181091, -0.004151454661041498, -0.006182878278195858, 0.0391574390232563, 0.010159253142774105, 0.05909980461001396, 0.048454973846673965, 0.020841844379901886, 0.027342790737748146, -0.10179975628852844, -0.11793578416109085, -0.007137575186789036, -0.002282719360664487, 0.04901917278766632, -0.0665442943572998, -0.022806398570537567, -0.030358728021383286, -0.009845630265772343, -0.006060739979147911, 0.028337929397821426, 0.003059387905523181, 0.03754154220223427, 0.01793796569108963, -0.08175027370452881, 0.03816763311624527, 0.0170703437179327, 0.049112915992736816, -0.013798151165246964, -0.09405837953090668, -0.029556147754192352, 0.01347394473850727, 0.06192939355969429, 0.1153414398431778, -0.011369859799742699, 0.018414035439491272, 0.07506821304559708, 0.006866713520139456, -0.048283349722623825, -0.018331432715058327, 0.0577523410320282, 0.0444839783012867, 0.1339530348777771, 0.05478709191083908, -5.8315002604558686e-8, -0.07394274324178696, 0.025576256215572357, 0.006479194853454828, -0.014790876768529415, -0.04031252861022949, -0.028992926701903343, 0.08385083079338074, -0.05318543314933777, -0.0036478424444794655, -0.014283008873462677, 0.06678672134876251, 0.025980884209275246, -0.09536658227443695, -0.012705155648291111, -0.02218969352543354, 0.030148139223456383, -0.0010425877990201116, 0.080894835293293, -0.07746579498052597, -0.03978375717997551, -0.039949096739292145, -0.06269140541553497, 0.03845854103565216, -0.060114238411188126, 0.0017386998515576124, -0.03147940710186958, -0.05017074570059776, -0.018659833818674088, -0.03611375018954277, -0.007518148049712181, -0.0006508665392175317, 0.014260615222156048, 0.06636057794094086, -0.016017915681004524, 0.07489925622940063, 0.06312288343906403, -0.058462172746658325, -0.00008024947601370513, 0.03454691544175148, 0.003151544602587819, -0.018048658967018127, -0.04428468644618988, -0.06081487610936165, -0.004874543286859989, 0.11756552010774612, 0.07060358673334122, 0.040230605751276016, -0.029561731964349747, 0.0065278057008981705, 0.047751132398843765, 0.04755748063325882, -0.03372340276837349, -0.021243000403046608, 0.04413686320185661, -0.021610550582408905, -0.015580623410642147, 0.02883278764784336, -0.04045568034052849, 0.06893184036016464, 0.01851162686944008, 0.05243448168039322, 0.015263225883245468, -0.00531374616548419, 0.01543126255273819 ]
huggingtweets/sappublicsector
2e18aab40d1f2ffe63a52d119fe53a451e663995
2022-03-18T17:46:32.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/sappublicsector
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/sappublicsector/1647625586483/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/1486782108030930950/2JS43mTA_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">SAP Public Sector</div> <div style="text-align: center; font-size: 14px;">@sappublicsector</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 SAP Public Sector. | Data | SAP Public Sector | | --- | --- | | Tweets downloaded | 3200 | | Retweets | 38 | | Short tweets | 0 | | Tweets kept | 3162 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/2alb74qi/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 @sappublicsector's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/sppp2pwd) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/sppp2pwd/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/sappublicsector') 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.015239812433719635, 0.1198863610625267, -0.020758263766765594, 0.04650212451815605, 0.17952995002269745, -0.015929318964481354, -0.041613176465034485, 0.03837818652391434, 0.08018400520086288, -0.06309225410223007, 0.00958613958209753, 0.06835537403821945, 0.02264835126698017, -0.02833786979317665, -0.008274740539491177, 0.035750869661569595, -0.08986083418130875, -0.03799748048186302, -0.051497891545295715, 0.007752044592052698, -0.07865413278341293, -0.09027387201786041, 0.0753851979970932, -0.048867419362068176, -0.043806690722703934, 0.06999389827251434, -0.012741653248667717, 0.05536680668592453, -0.012161039747297764, -0.018942059949040413, -0.044220466166734695, 0.029865199699997902, 0.04419533163309097, 0.03654862940311432, -0.03455449640750885, 0.02962188422679901, -0.02862432971596718, 0.028299544006586075, -0.047956932336091995, 0.02014804631471634, -0.014244433492422104, -0.10861381143331528, 0.05280253291130066, 0.0374208502471447, -0.031437717378139496, -0.031153414398431778, -0.014856306836009026, -0.006256691180169582, -0.0588005855679512, 0.033996980637311935, -0.06032902002334595, -0.05730392038822174, 0.0024587679654359818, -0.0016056114109233022, 0.014966127462685108, 0.0579981692135334, 0.02749531716108322, -0.051505301147699356, 0.07744762301445007, -0.02819354087114334, 0.11502555757761002, 0.07889152318239212, 0.08286672085523605, 0.0008147453190758824, 0.012633685022592545, -0.016013452783226967, -0.06956034898757935, 0.03851596266031265, -0.030900776386260986, -0.014171860180795193, 0.029066339135169983, 0.002459151903167367, -0.02557487227022648, -0.04565121605992317, 0.06060418486595154, -0.041736021637916565, -0.020572975277900696, 0.028458448126912117, -0.016733676195144653, 0.06689324229955673, 0.04698048532009125, -0.0578932985663414, 0.008330032229423523, -0.03186972439289093, 0.06236134469509125, 0.026980534195899963, 0.00627620704472065, -0.09935306012630463, -0.027132540941238403, 0.02419821359217167, -0.01668998785316944, -0.01571483165025711, -0.005898674484342337, 0.03806058317422867, -0.04984928295016289, 0.024561211466789246, -0.05566323921084404, -0.15648022294044495, -0.1185702532529831, 0.06981061398983002, 0.006775255315005779, -0.050813350826501846, 0.06285925209522247, 0.023633353412151337, 0.014299585483968258, -0.040024660527706146, -0.03176156058907509, 0.015836035832762718, 0.002036683028563857, -0.007922224700450897, 0.04000336676836014, -0.04278455674648285, -0.10636305809020996, 0.014583010226488113, -0.03022974543273449, -0.0986407995223999, -0.010044648312032223, 0.03854667767882347, 0.08070560544729233, -0.02293526940047741, 0.05497703328728676, 0.15168315172195435, -0.03800376504659653, -0.09566342085599899, 0.005105494521558285, 0.029635656625032425, -0.0538998581469059, 1.2281271103803554e-32, 0.05613803118467331, 0.0034367854241281748, -0.05087671056389809, 0.03288973495364189, 0.11625324934720993, 0.00002058668906101957, -0.017943359911441803, -0.030351735651493073, -0.08628424257040024, -0.013184982351958752, 0.062499839812517166, 0.025430532172322273, 0.010868539102375507, 0.016713574528694153, 0.009409337304532528, -0.09093782305717468, -0.019156351685523987, -0.0006440330180339515, -0.021832242608070374, 0.01570378802716732, -0.1101159155368805, 0.04593687877058983, -0.03969559073448181, -0.06755772233009338, -0.059806108474731445, 0.023247921839356422, 0.0771489143371582, -0.04886586591601372, -0.00316866603679955, 0.005678805522620678, -0.046696968376636505, -0.00996140856295824, 0.061186783015728, -0.05198587104678154, 0.050418607890605927, 0.01052506547421217, 0.0029281186871230602, -0.08570533245801926, -0.0003777913225349039, 0.038485992699861526, -0.025861963629722595, -0.051290955394506454, 0.0501650869846344, -0.0381944477558136, -0.051954735070466995, 0.0917242020368576, 0.12617957592010498, 0.019940031692385674, -0.02580762282013893, -0.044330429285764694, -0.027650082483887672, -0.009423311799764633, -0.047353051602840424, -0.1093357726931572, -0.009388476610183716, -0.08557810634374619, 0.0022439691238105297, 0.016826963052153587, 0.041167255491018295, -0.04079641029238701, -0.0042289202101528645, -0.06674430519342422, 0.03682006523013115, -0.08648568391799927, 0.02823876030743122, 0.0418296754360199, -0.0830276757478714, -0.04036187008023262, 0.04843629151582718, -0.03443006053566933, -0.027125395834445953, 0.0005014317575842142, 0.0997997522354126, -0.044430382549762726, -0.042773377150297165, 0.03439467400312424, -0.01557589415460825, -0.0463457889854908, -0.031528275460004807, 0.03317371755838394, -0.04957270622253418, -0.0028517860919237137, 0.027372103184461594, -0.006282870192080736, -0.025846881791949272, -0.01389158982783556, -0.008711028844118118, -0.05171746015548706, 0.021784672513604164, -0.004266439937055111, -0.10166747123003006, -0.00467107817530632, 0.036549609154462814, -0.085418701171875, -0.07961229234933853, -1.2438174620383375e-32, 0.05116977170109749, 0.011863811872899532, -0.015019974671304226, 0.04151056334376335, 0.09269756078720093, 0.05588892102241516, 0.04271412268280983, 0.060990314930677414, 0.007210251409560442, -0.0025176822673529387, 0.050632771104574203, -0.03344857692718506, -0.09129755198955536, -0.040622033178806305, 0.01909768208861351, 0.025494111701846123, 0.07049865275621414, -0.029646767303347588, -0.04323061928153038, 0.03510661423206329, 0.013717439956963062, 0.028355328366160393, -0.009965498931705952, 0.09289129823446274, -0.06890958547592163, -0.008043723180890083, 0.08804460614919662, -0.015521030873060226, -0.013419521041214466, 0.015183932147920132, -0.053464990109205246, -0.08550985902547836, -0.02386072464287281, 0.06302352249622345, 0.0576760470867157, 0.0015848680632188916, -0.05461623892188072, -0.052986908704042435, -0.027594078332185745, -0.04248934984207153, 0.021567756310105324, -0.09019523859024048, -0.06729941070079803, -0.011107689701020718, 0.027893494814634323, -0.04817182198166847, 0.04426930844783783, -0.01639557257294655, 0.0033946421463042498, 0.05720851197838783, 0.04203789681196213, 0.044910307973623276, -0.030873874202370644, -0.01727045699954033, -0.027731817215681076, -0.08686527609825134, -0.0488007552921772, 0.026169629767537117, 0.01350948866456747, 0.030181018635630608, 0.025546560063958168, 0.024029649794101715, -0.01720898598432541, 0.025968635454773903, 0.06501968950033188, 0.03375731408596039, -0.07202167063951492, 0.044912539422512054, -0.07068858295679092, 0.007056011352688074, 0.02498975209891796, 0.0731988400220871, 0.04515356197953224, -0.013144290074706078, 0.04484435170888901, -0.022090498358011246, 0.0932178720831871, 0.014943696558475494, 0.07711046934127808, 0.0029294453561306, -0.07673326134681702, -0.048715751618146896, -0.038630858063697815, 0.0018351554172113538, -0.05389609560370445, -0.010778742842376232, -0.021079186350107193, 0.09848536550998688, -0.02549089677631855, -0.041242316365242004, -0.04005647078156471, 0.07911508530378342, 0.06166742742061615, 0.042301636189222336, 0.0787118673324585, -6.854232026398677e-8, -0.04528412967920303, -0.08936281502246857, -0.01513134129345417, 0.012627246789634228, -0.03857247903943062, 0.0416022464632988, 0.03063191846013069, -0.14802664518356323, -0.013339797966182232, -0.05023263767361641, 0.0525447241961956, 0.0190200787037611, -0.07868586480617523, 0.023323846980929375, -0.03546297550201416, 0.02044113166630268, -0.10392606258392334, 0.07274696230888367, -0.00014096611994318664, -0.05862453579902649, -0.007449868135154247, 0.027010222896933556, 0.017895231023430824, -0.02392733283340931, 0.0018636545864865184, 0.055379096418619156, -0.12137965112924576, 0.0007914979360066354, 0.005208365153521299, -0.005766764283180237, 0.04578018561005592, -0.06331685185432434, 0.021322691813111305, -0.05677532032132149, -0.00807119533419609, -0.06381592154502869, -0.025599855929613113, -0.03456144779920578, 0.027248354628682137, 0.031239375472068787, 0.03893769904971123, 0.031286660581827164, 0.06687157601118088, 0.04578351601958275, -0.028346160426735878, 0.008429606445133686, 0.05022060498595238, -0.011513582430779934, 0.02610410749912262, 0.04145529866218567, -0.030874036252498627, -0.0753287523984909, 0.010340588167309761, 0.03065810352563858, 0.06912977993488312, -0.017057860270142555, -0.002880600281059742, 0.059473536908626556, -0.031241517513990402, 0.07686246931552887, 0.048019811511039734, 0.05093485489487648, -0.00031430061790160835, 0.06020313873887062 ]
lilitket/xlsrhylm
b008f39a81dd60bd8942eb477b17a89d8d3fb51b
2022-03-19T00:55:04.000Z
[ "pytorch", "wav2vec2", "automatic-speech-recognition", "transformers" ]
automatic-speech-recognition
false
lilitket
null
lilitket/xlsrhylm
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/abombayboy
155cd3400d646f558929100dbbd399fa7ba46a27
2022-03-19T16:13:12.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/abombayboy
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/abombayboy/1647706387106/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/1465673407178043396/aYbTBRbu_400x400.png&#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">Bombay Boy</div> <div style="text-align: center; font-size: 14px;">@abombayboy</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 Bombay Boy. | Data | Bombay Boy | | --- | --- | | Tweets downloaded | 3238 | | Retweets | 927 | | Short tweets | 181 | | Tweets kept | 2130 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/3paz3q98/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 @abombayboy's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/331ordwj) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/331ordwj/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/abombayboy') 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.01815965585410595, 0.11763394623994827, -0.01132171880453825, 0.047787249088287354, 0.18076324462890625, -0.012458745390176773, -0.033698566257953644, 0.02867530658841133, 0.0715104341506958, -0.05809341371059418, 0.0016837305156514049, 0.06615946441888809, 0.019121404737234116, -0.03218581900000572, -0.0047364914789795876, 0.04214967042207718, -0.09166833013296127, -0.048423901200294495, -0.05403980240225792, 0.006726320832967758, -0.08715412020683289, -0.08915526419878006, 0.0786377489566803, -0.041906796395778656, -0.03810565918684006, 0.0693829283118248, -0.004570252262055874, 0.0570366233587265, -0.01901145838201046, -0.017297331243753433, -0.04165107011795044, 0.033606939017772675, 0.04950046166777611, 0.03186384215950966, -0.033172257244586945, 0.03466710075736046, -0.030885176733136177, 0.02470768615603447, -0.04492562264204025, 0.020265623927116394, -0.01122594065964222, -0.1048034206032753, 0.04065794497728348, 0.0448109395802021, -0.03602386265993118, -0.02885228395462036, -0.01662839762866497, -0.00857648067176342, -0.05866288021206856, 0.036441706120967865, -0.052410829812288284, -0.0644046813249588, 0.0029156587552279234, -0.001750091090798378, 0.011321001686155796, 0.06137499958276749, 0.023359959945082664, -0.04751936346292496, 0.07778305560350418, -0.026759743690490723, 0.10416539013385773, 0.08748231828212738, 0.08424807339906693, 0.004840883892029524, 0.01349490974098444, -0.01838335022330284, -0.06695924699306488, 0.04162249714136124, -0.03382004052400589, -0.013999922201037407, 0.03426193818449974, -0.004351781215518713, -0.023597218096256256, -0.044077642261981964, 0.0699077770113945, -0.04723744094371796, -0.015963684767484665, 0.030685029923915863, -0.02066575549542904, 0.06020912155508995, 0.039166007190942764, -0.06564031541347504, 0.010149398818612099, -0.03185927867889404, 0.05853189527988434, 0.0270217377692461, 0.006909005343914032, -0.10258418321609497, -0.021505586802959442, 0.025219585746526718, -0.014207801781594753, -0.025796711444854736, 0.00013086874969303608, 0.04102242738008499, -0.04057440161705017, 0.037558864802122116, -0.052612051367759705, -0.14941200613975525, -0.12235839664936066, 0.06430181115865707, 0.004228055011481047, -0.05433795973658562, 0.06587720662355423, 0.021129226312041283, 0.0144550995901227, -0.03640976920723915, -0.03407815843820572, 0.007471481338143349, -0.001365498173981905, -0.014387907460331917, 0.04710839316248894, -0.04215923696756363, -0.10426875203847885, 0.01152725052088499, -0.025243110954761505, -0.09555305540561676, -0.015957102179527283, 0.043443698436021805, 0.08776306360960007, -0.026946987956762314, 0.05389474704861641, 0.15086175501346588, -0.03497954457998276, -0.09448689967393875, 0.0032477753702551126, 0.030748866498470306, -0.057461533695459366, 1.0585967273575897e-32, 0.07030762732028961, 0.0025464878417551517, -0.05535111576318741, 0.04112023487687111, 0.11540354788303375, -0.009250076487660408, -0.017210043966770172, -0.04042930528521538, -0.09361471980810165, -0.016117561608552933, 0.06351818144321442, 0.02226302959024906, 0.009904863312840462, 0.013461872935295105, 0.00041456817416474223, -0.09271150827407837, -0.01733812876045704, -0.0109562361612916, -0.018015490844845772, 0.026044726371765137, -0.11025696992874146, 0.054039936512708664, -0.038355905562639236, -0.06971196085214615, -0.059483397752046585, 0.017404288053512573, 0.07979626953601837, -0.05460618808865547, -0.006743927951902151, 0.006231993902474642, -0.05190040543675423, -0.00822245143353939, 0.060522012412548065, -0.0523766353726387, 0.04407354071736336, 0.003411761485040188, 0.0013657546369358897, -0.08266188204288483, -0.00564070139080286, 0.04106663540005684, -0.030548356473445892, -0.052678052335977554, 0.050395384430885315, -0.04136035963892937, -0.0543900728225708, 0.08929097652435303, 0.1301393061876297, 0.022332586348056793, -0.030528005212545395, -0.04162264242768288, -0.03142039105296135, -0.00979864876717329, -0.04662041738629341, -0.10629461705684662, -0.012120349332690239, -0.07817233353853226, 0.007725149393081665, 0.021872879937291145, 0.04394485801458359, -0.042582917958498, 0.007018690463155508, -0.06108066067099571, 0.040729887783527374, -0.08287430554628372, 0.035377345979213715, 0.038290757685899734, -0.08390089124441147, -0.03688492625951767, 0.04581741988658905, -0.04408252611756325, -0.03532499074935913, 0.0001704659080132842, 0.10340549796819687, -0.041160278022289276, -0.038697902113199234, 0.03449631109833717, -0.015170812606811523, -0.05205540359020233, -0.030697820708155632, 0.0298477616161108, -0.05372251570224762, 0.0013611362082883716, 0.025679055601358414, -0.010555974207818508, -0.02035943791270256, -0.01178040262311697, -0.00257831159979105, -0.052726127207279205, 0.025612030178308487, -0.005295591428875923, -0.103996142745018, -0.006815505214035511, 0.0304251816123724, -0.08657828718423843, -0.07383546233177185, -1.1272519891961439e-32, 0.05125316232442856, 0.005537065677344799, -0.012553123757243156, 0.0521286204457283, 0.08639860153198242, 0.05010485649108887, 0.05871937423944473, 0.06210095435380936, 0.008534568361938, -0.0007661080453544855, 0.04662360996007919, -0.02367563545703888, -0.09119613468647003, -0.04477229341864586, 0.01842515915632248, 0.02236863039433956, 0.06773645430803299, -0.026638416573405266, -0.0350150465965271, 0.028790034353733063, 0.011969324201345444, 0.022160647436976433, -0.019341308623552322, 0.08760029077529907, -0.07458803802728653, -0.006230752915143967, 0.08707240968942642, -0.013373911380767822, -0.013053755275905132, 0.008798428811132908, -0.05264914408326149, -0.08351437747478485, -0.01542709581553936, 0.06579668074846268, 0.04417065531015396, 0.005519564729183912, -0.060879386961460114, -0.05410519242286682, -0.02872130274772644, -0.041344054043293, 0.02312762662768364, -0.09021604061126709, -0.06734718382358551, -0.012607942335307598, 0.02888619154691696, -0.04006330668926239, 0.03132107853889465, -0.015032530762255192, 0.004537372384220362, 0.052586160600185394, 0.045507390052080154, 0.048780057579278946, -0.024300215765833855, -0.018856726586818695, -0.022838037461042404, -0.08795426785945892, -0.05183274298906326, 0.03170992434024811, 0.016658760607242584, 0.027019087225198746, 0.024532943964004517, 0.028019607067108154, -0.0157281793653965, 0.01663036085665226, 0.06189054250717163, 0.037235077470541, -0.07236487418413162, 0.04050455614924431, -0.05895119532942772, -0.00543149234727025, 0.029793690890073776, 0.06941066682338715, 0.039070699363946915, -0.01090170256793499, 0.04830696061253548, -0.02056218311190605, 0.09321477264165878, 0.007642766460776329, 0.07046127319335938, 0.00446368707343936, -0.0784328430891037, -0.05012277886271477, -0.04323507472872734, -0.00446366099640727, -0.04346296936273575, -0.008513507433235645, -0.021070027723908424, 0.0944322943687439, -0.02043524570763111, -0.045406874269247055, -0.031766120344400406, 0.08189912885427475, 0.05740013346076012, 0.04759623482823372, 0.0726960301399231, -6.631115923028119e-8, -0.05079643428325653, -0.08740983158349991, -0.023268986493349075, 0.011744266375899315, -0.03866146504878998, 0.03606822341680527, 0.033375080674886703, -0.15064053237438202, -0.01004855614155531, -0.0531180202960968, 0.04091958329081535, 0.017097240313887596, -0.08784456551074982, 0.028310626745224, -0.03769282251596451, 0.02403046377003193, -0.10798563063144684, 0.07822546362876892, 0.0006599787739105523, -0.06306686252355576, -0.008161465637385845, 0.03338553383946419, 0.015504691749811172, -0.021749373525381088, -0.0021707178093492985, 0.06565730273723602, -0.12289775907993317, 0.0013034262228757143, 0.005366102326661348, -0.006631677970290184, 0.03890940546989441, -0.06394178420305252, 0.025393756106495857, -0.05883478373289108, -0.0036934269592165947, -0.06070741266012192, -0.03555775061249733, -0.04172580689191818, 0.029010994359850883, 0.02651161327958107, 0.04835013300180435, 0.020523248240351677, 0.0707683116197586, 0.03927244246006012, -0.0317719466984272, 0.007725996430963278, 0.04981619119644165, -0.007868805900216103, 0.03158152475953102, 0.03774802386760712, -0.024259960278868675, -0.07589621841907501, 0.0033155903220176697, 0.03177312761545181, 0.07305140793323517, -0.009318334050476551, -0.006588340271264315, 0.05720488354563713, -0.024202261120080948, 0.0703088790178299, 0.04214928299188614, 0.0534779392182827, -0.002570443321019411, 0.05834461376070976 ]
lilitket/xlsrhylm_new
b281d3db8e2f0eb72f7cb7c08c5c65d2f469544f
2022-03-19T18:14:12.000Z
[ "pytorch", "wav2vec2", "automatic-speech-recognition", "transformers" ]
automatic-speech-recognition
false
lilitket
null
lilitket/xlsrhylm_new
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 ]
saghar/xtremedistil-l6-h384-uncased-finetuned-wikitext103
51fe482cad6255dd36a48bd62fdb1a6b5cfd0abd
2022-03-20T23:45:34.000Z
[ "pytorch", "tensorboard", "bert", "fill-mask", "dataset:wikitext", "transformers", "generated_from_trainer", "license:mit", "model-index", "autotrain_compatible" ]
fill-mask
false
saghar
null
saghar/xtremedistil-l6-h384-uncased-finetuned-wikitext103
0
null
transformers
--- license: mit tags: - generated_from_trainer datasets: - wikitext model-index: - name: xtremedistil-l6-h384-uncased-finetuned-wikitext103 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. --> # xtremedistil-l6-h384-uncased-finetuned-wikitext103 This model is a fine-tuned version of [microsoft/xtremedistil-l6-h384-uncased](https://huggingface.co/microsoft/xtremedistil-l6-h384-uncased) on the wikitext dataset. It achieves the following results on the evaluation set: - Loss: 6.5526 ## 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: 32 - eval_batch_size: 32 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 3.0 ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 7.1974 | 1.0 | 3125 | 6.7483 | | 6.8171 | 2.0 | 6250 | 6.5962 | | 6.7483 | 3.0 | 9375 | 6.5526 | ### Framework versions - Transformers 4.16.2 - Pytorch 1.11.0 - Datasets 1.1.1 - Tokenizers 0.10.1
[ -0.05297951400279999, 0.00368665624409914, -0.016381114721298218, 0.012770677916705608, 0.08004877716302872, -0.007332362234592438, 0.008398608304560184, 0.021671397611498833, -0.052270546555519104, -0.0762491449713707, 0.05895009636878967, -0.06815999001264572, 0.021391453221440315, -0.033662594854831696, -0.07217153906822205, 0.030878905206918716, 0.060824595391750336, -0.1203983873128891, -0.12392711639404297, 0.04511395841836929, 0.006972154136747122, 0.08055545389652252, 0.039723582565784454, 0.027355153113603592, -0.00017839623615145683, 0.006491601001471281, 0.02932404726743698, -0.019720664247870445, 0.043930452316999435, 0.016583075746893883, 0.020686950534582138, -0.00693663302809, 0.011867139488458633, 0.049115266650915146, 0.027235394343733788, 0.013696763664484024, -0.029092563316226006, -0.030452625826001167, -0.02959567867219448, -0.03513683006167412, -0.0006450370419770479, -0.07211596518754959, -0.023521410301327705, 0.12090763449668884, 0.058766309171915054, 0.024159202352166176, -0.051891304552555084, -0.07457064092159271, -0.07163532823324203, 0.04823838546872139, -0.045497678220272064, -0.06697273254394531, 0.016266029328107834, 0.041611287742853165, 0.008673231117427349, -0.02631291002035141, -0.04113858938217163, -0.03231250122189522, -0.027372712269425392, -0.017592191696166992, 0.006613721139729023, 0.009965673089027405, -0.01602867804467678, -0.000665304425638169, -0.043780963867902756, -0.038937609642744064, -0.016804683953523636, -0.006923503242433071, 0.0852411761879921, -0.04224730655550957, 0.04729856550693512, 0.03485432639718056, 0.02973622828722, 0.019219281151890755, 0.04829711839556694, 0.04858485981822014, 0.06361575424671173, -0.004350979812443256, 0.07810758799314499, -0.06488167494535446, -0.039314400404691696, -0.027769502252340317, 0.04870302230119705, 0.007886064238846302, 0.04198663309216499, 0.005981013644486666, 0.004596058279275894, 0.007326661143451929, 0.03350663185119629, 0.038177553564310074, 0.019600041210651398, 0.054646171629428864, -0.016072958707809448, 0.009098765440285206, -0.016164887696504593, -0.01664719171822071, 0.07333908975124359, -0.008824525400996208, -0.08699686080217361, 0.11281610280275345, -0.0582682266831398, -0.0027746728155761957, 0.017937976866960526, 0.05547618865966797, 0.0007698358967900276, -0.09323454648256302, 0.013597898185253143, 0.047105930745601654, 0.023935912176966667, -0.07015428692102432, 0.024003833532333374, 0.0017742944182828069, -0.021057918667793274, 0.004344859626144171, -0.015765829011797905, 0.0667610913515091, -0.051413122564554214, 0.044594988226890564, -0.021583519876003265, 0.07214175909757614, -0.032524220645427704, -0.06517574936151505, -0.03366824984550476, -0.04407105594873428, -0.017274513840675354, -0.032361965626478195, -0.04868530482053757, 6.250770556366194e-33, 0.02188331075012684, 0.011810977943241596, -0.018701637163758278, -0.003139928914606571, 0.025716815143823624, -0.09040272235870361, 0.030694525688886642, -0.05566263943910599, -0.04628387466073036, 0.05196843296289444, -0.07820790261030197, 0.003866123268380761, -0.031574785709381104, 0.06421582400798798, 0.004063907545059919, -0.03312966972589493, -0.04305722191929817, 0.08844665437936783, -0.014696740545332432, 0.07789350301027298, 0.12390044331550598, -0.02123093046247959, -0.0384310819208622, -0.10000015795230865, -0.08368965983390808, 0.1214781105518341, 0.010160006582736969, 0.013898332603275776, 0.05778028070926666, 0.0472540520131588, -0.06904652714729309, -0.006303191184997559, -0.012530221603810787, 0.00916521530598402, -0.04020538553595543, 0.0721462145447731, 0.007601813413202763, -0.04528224095702171, 0.05593022704124451, -0.03713564574718475, 0.03204004839062691, 0.0029320537578314543, 0.03063054382801056, -0.0845990851521492, 0.039752159267663956, -0.01761052757501602, 0.042999833822250366, -0.08206774294376373, -0.016185225918889046, -0.012014650739729404, -0.022800276055932045, 0.008740797638893127, 0.058077629655599594, -0.06494605541229248, -0.07677582651376724, -0.004348796792328358, 0.0441109724342823, 0.09882374852895737, 0.018238654360175133, 0.02345035783946514, 0.016717076301574707, 0.02860976755619049, 0.004310706630349159, 0.05907493084669113, 0.00711246021091938, -0.03670226037502289, -0.025687726214528084, -0.15379598736763, -0.03856709599494934, 0.041232477873563766, -0.08338163793087006, -0.022386614233255386, 0.037265077233314514, -0.03642654791474342, 0.06340271234512329, -0.09470514953136444, -0.03728177025914192, 0.018165089190006256, -0.11556500941514969, -0.03681178763508797, 0.014596808701753616, 0.08220180869102478, -0.019096622243523598, -0.05349625274538994, -0.014864858239889145, -0.0342259407043457, -0.07221857458353043, -0.06953010708093643, -0.0399642214179039, 0.019236167892813683, 0.0050936173647642136, -0.0013360772281885147, -0.11110090464353561, -0.019194401800632477, -0.007059577386826277, -5.919820407467749e-33, 0.005174282938241959, 0.029591048136353493, -0.026085661724209785, 0.029479509219527245, -0.028274821117520332, -0.006423845421522856, -0.004644893575459719, 0.14398732781410217, -0.009068458341062069, -0.04351779818534851, 0.19273003935813904, 0.025976544246077538, -0.10613495856523514, -0.011772661469876766, -0.047409333288669586, 0.04462340101599693, -0.027447957545518875, -0.044107478111982346, 0.020703885704278946, -0.041003454476594925, 0.08239782601594925, 0.07168251276016235, -0.08468981087207794, 0.05356387794017792, -0.03712138161063194, 0.022473152726888657, 0.07500603049993515, 0.07938341051340103, 0.10772688686847687, -0.0580843985080719, -0.03149651363492012, -0.057039663195610046, -0.002457061782479286, 0.022490184754133224, -0.028495708480477333, -0.011118213646113873, 0.062149833887815475, -0.02231081947684288, -0.03790724277496338, 0.07756415009498596, 0.04503457248210907, 0.03126135841012001, -0.06190737336874008, 0.0713617354631424, 0.026244159787893295, -0.032390959560871124, 0.029234174638986588, -0.0813903957605362, 0.10078177601099014, -0.02993202954530716, 0.08364435285329819, -0.028369979932904243, -0.065609872341156, 0.00447751022875309, -0.032962314784526825, 0.007854253053665161, -0.005092541687190533, -0.07006804645061493, -0.04871973767876625, -0.0031133603770285845, -0.019551370292901993, 0.029037687927484512, -0.04352612420916557, 0.01886672154068947, 0.0023533087223768234, -0.005457215942442417, -0.03472285345196724, 0.037005241960287094, -0.011898485943675041, 0.005121616646647453, -0.038934238255023956, 0.04684165120124817, -0.0028646548744291067, -0.06214113160967827, 0.03972752392292023, -0.043925631791353226, 0.018624773249030113, 0.01790671795606613, -0.004830054473131895, -0.05445592850446701, -0.028098223730921745, -0.026918776333332062, 0.08919400721788406, 0.0711345225572586, 0.10941001772880554, 0.013455318287014961, 0.06513907015323639, 0.07185426354408264, -0.06779806315898895, -0.0317642018198967, -0.0017357239266857505, 0.02116365358233452, 0.04542943090200424, 0.1111847534775734, -0.03235495090484619, -5.933648949962844e-8, -0.06196824461221695, 0.007120664231479168, -0.07202770560979843, 0.027193807065486908, -0.058815568685531616, -0.002892213175073266, 0.028763236477971077, -0.028297847136855125, -0.03327960520982742, -0.02744748443365097, -0.019177474081516266, 0.03366034850478172, -0.15689027309417725, -0.00044310951489023864, 0.020618513226509094, -0.01676221564412117, -0.05868832394480705, 0.10708440095186234, -0.03242770582437515, -0.0206229779869318, 0.035936448723077774, -0.039881184697151184, 0.0855594128370285, -0.0789048969745636, 0.042711980640888214, 0.003877666313201189, -0.01396796852350235, 0.022814059630036354, -0.0145878242328763, 0.06002943590283394, -0.0553198903799057, 0.010344692505896091, 0.029274901375174522, 0.07095631957054138, 0.01685856282711029, 0.08731027692556381, -0.04907620698213577, -0.021224262192845345, 0.03425610437989235, 0.0875590518116951, -0.032109279185533524, 0.026750903576612473, -0.07665597647428513, 0.016039110720157623, 0.058578986674547195, 0.017445115372538567, 0.019296951591968536, -0.06948322802782059, 0.04174358397722244, 0.009781151078641415, 0.029290230944752693, -0.009878045879304409, -0.0326794795691967, -0.05580799654126167, -0.027807721868157387, 0.10302107036113739, 0.02545187808573246, -0.07646650075912476, -0.014768756926059723, 0.03868643194437027, 0.06775428354740143, -0.08376771211624146, 0.03551674634218216, 0.016651025041937828 ]
willcai/wav2vec2_common_voice_accents_6
6b37d3882b9045280124b84d9d3b73a6f580b128
2022-03-20T08:23:23.000Z
[ "pytorch", "wav2vec2", "automatic-speech-recognition", "dataset:common_voice", "transformers", "generated_from_trainer", "license:apache-2.0", "model-index" ]
automatic-speech-recognition
false
willcai
null
willcai/wav2vec2_common_voice_accents_6
0
null
transformers
--- license: apache-2.0 tags: - generated_from_trainer datasets: - common_voice model-index: - name: wav2vec2_common_voice_accents_6 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. --> # wav2vec2_common_voice_accents_6 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: 0.3711 ## 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: 48 - eval_batch_size: 4 - seed: 42 - distributed_type: multi-GPU - num_devices: 8 - total_train_batch_size: 384 - total_eval_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 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 3.8539 | 25.0 | 400 | 0.3711 | ### Framework versions - Transformers 4.17.0 - Pytorch 1.10.2+cu102 - Datasets 1.18.4 - Tokenizers 0.11.6
[ -0.06092863902449608, -0.07081934064626694, -0.036867402493953705, -0.04457792267203331, 0.0030549559742212296, 0.05190075933933258, -0.06967777758836746, -0.09042768180370331, -0.050052281469106674, -0.10660997778177261, 0.021560482680797577, -0.11116944998502731, 0.0009664632380008698, -0.07174297422170639, -0.051572978496551514, -0.0015526209026575089, 0.02534804865717888, -0.021895239129662514, -0.07199299335479736, 0.03384140133857727, 0.009435741230845451, 0.08365784585475922, 0.0640704408288002, 0.024535341188311577, 0.04593930393457413, 0.010263620875775814, -0.05646460875868797, 0.043761711567640305, 0.047836024314165115, -0.02178666740655899, 0.09149894118309021, 0.03278174251317978, 0.06065070256590843, 0.03603126108646393, -0.02403382584452629, 0.018546683713793755, -0.014821887947618961, -0.041199348866939545, 0.03187385946512222, -0.03393255174160004, -0.0013653114438056946, -0.00820478517562151, -0.026355646550655365, 0.0424761138856411, -0.025655968114733696, 0.0077027082443237305, -0.07908275723457336, -0.03241445869207382, -0.03826393559575081, -0.00022887132945470512, -0.06692228466272354, -0.09516902267932892, 0.05622611194849014, 0.015460268594324589, -0.10169375687837601, 0.02756006270647049, -0.005446698050945997, 0.06971538066864014, 0.017651831731200218, 0.01967836357653141, -0.04439275711774826, -0.03337309882044792, -0.03212718665599823, 0.0008327825926244259, -0.08176077157258987, -0.02580629102885723, -0.05932498350739479, -0.02841724455356598, 0.06114308908581734, -0.019833771511912346, -0.06355055421590805, 0.071929432451725, 0.030673818662762642, 0.010023661889135838, 0.0401700884103775, 0.033809661865234375, 0.04033026471734047, 0.007537157740443945, 0.05457077920436859, -0.0665895864367485, -0.0006442184094339609, -0.08125382661819458, 0.06116865202784538, -0.05229196697473526, 0.08722484111785889, -0.013586848974227905, 0.012136467732489109, -0.048877883702516556, -0.01719185896217823, 0.00548245944082737, -0.052689746022224426, 0.02124502882361412, 0.028762608766555786, 0.07959499210119247, 0.019463984295725822, 0.09168463200330734, 0.024070873856544495, 0.052623409777879715, -0.03167380392551422, 0.0807434692978859, -0.02045346051454544, -0.006750841159373522, 0.03605624660849571, -0.006736953277140856, -0.004053099080920219, -0.06644824147224426, -0.0106173912063241, 0.07269677519798279, 0.07589146494865417, -0.03163359314203262, 0.04989979788661003, 0.030170878395438194, -0.05211523920297623, 0.0077524795196950436, 0.05377930775284767, 0.09364994615316391, -0.03145752474665642, -0.04829932749271393, -0.008309084922075272, 0.045518890023231506, -0.06256949156522751, -0.013718456961214542, -0.05330884829163551, -0.03199389576911926, -0.02520984597504139, -0.07686402648687363, -0.0712771788239479, 2.061980191183469e-33, 0.03036646917462349, 0.06928116083145142, -0.0009898641146719456, 0.004908631090074778, 0.015365483239293098, -0.06260759383440018, -0.022734489291906357, -0.052164025604724884, 0.031979311257600784, -0.07099408656358719, -0.06551776081323624, -0.013803611509501934, -0.05221670866012573, 0.07492447644472122, -0.005625745747238398, 0.026636820286512375, -0.02984047681093216, 0.018362635746598244, 0.034743890166282654, 0.011506524868309498, 0.17442335188388824, 0.03963601216673851, 0.004721854347735643, -0.009037377312779427, 0.030277345329523087, 0.05886899307370186, 0.047820355743169785, -0.005473829340189695, 0.04913885518908501, 0.037369757890701294, -0.08482672274112701, -0.027818623930215836, 0.0038326119538396597, -0.028154511004686356, 0.04370654746890068, 0.05343477800488472, 0.05591844022274017, 0.06184075400233269, -0.05403510853648186, -0.05122239515185356, 0.0545627623796463, 0.026641344651579857, 0.008137183263897896, -0.05176040530204773, -0.04229564219713211, -0.07677610963582993, -0.012045337818562984, 0.031353868544101715, 0.0012253010645508766, 0.04604356363415718, -0.08246194571256638, -0.04666924104094505, 0.012798347510397434, 0.05392079800367355, -0.024799007922410965, -0.06475208699703217, 0.06215169280767441, 0.08743995428085327, -0.02419830858707428, -0.011877045966684818, 0.022486794739961624, 0.0037966566160321236, 0.0741075649857521, -0.009954963810741901, -0.02190353162586689, -0.06437495350837708, -0.05868516117334366, -0.04630883038043976, 0.015127252787351608, 0.0030339877121150494, -0.021444234997034073, -0.008536973968148232, 0.052570890635252, 0.0017310174880549312, 0.017924780026078224, -0.0523713156580925, -0.021351955831050873, -0.0884268656373024, -0.03217533603310585, -0.00044980947859585285, 0.02909981645643711, 0.11327004432678223, -0.04444373399019241, -0.06205692142248154, -0.021656356751918793, -0.07981733232736588, -0.011167881079018116, -0.12754125893115997, -0.00554354302585125, 0.03978126496076584, -0.042989104986190796, 0.07665151357650757, -0.0806657075881958, -0.011852999217808247, -0.05332585424184799, -4.141276148838519e-33, -0.006043793633580208, 0.12935352325439453, 0.007492723409086466, 0.10006746649742126, -0.0096277492120862, 0.030325375497341156, 0.1397201418876648, 0.1315881460905075, -0.06489431113004684, -0.0464036799967289, 0.08885417133569717, -0.06302757561206818, 0.03157501295208931, -0.028148412704467773, 0.028892502188682556, -0.006878415588289499, -0.03304207697510719, 0.024131936952471733, 0.06803513318300247, 0.027575990185141563, 0.023014379665255547, 0.05647251382470131, -0.063997283577919, 0.0657602995634079, -0.0016805658815428615, -0.024084707722067833, -0.02803465723991394, 0.0588073767721653, 0.05360034480690956, -0.038073282688856125, -0.0605170838534832, -0.002453865949064493, -0.027908805757761, 0.030719107016921043, -0.013347954489290714, 0.04494024068117142, 0.028918148949742317, 0.0043643140234053135, -0.01831323653459549, 0.046040475368499756, 0.05398130416870117, 0.04540444165468216, -0.09209027141332626, 0.004336426500231028, 0.014057396911084652, -0.047833725810050964, 0.01898152567446232, -0.04232406243681908, -0.0446002371609211, -0.057077161967754364, 0.08142895996570587, -0.08420218527317047, -0.004614836536347866, 0.04100396856665611, -0.04601132869720459, -0.05363975837826729, 0.028742380440235138, 0.004645654931664467, -0.04569566994905472, 0.004522404167801142, -0.014382349327206612, 0.018109068274497986, -0.1304233968257904, -0.06790793687105179, 0.01557846274226904, -0.020061617717146873, -0.04852265864610672, 0.010014954954385757, 0.06082291156053543, 0.02678639441728592, -0.012338303029537201, 0.05463882163167, -0.004628510680049658, 0.0011101278942078352, -0.045871321111917496, 0.004689510446041822, -0.06267467886209488, -0.02455543912947178, -0.042279843240976334, -0.07957011461257935, -0.02622207999229431, 0.048385098576545715, 0.07909858226776123, 0.027683479711413383, 0.1122240424156189, 0.1090371236205101, 0.05175279080867767, 0.05112483352422714, -0.05795542895793915, 0.035303518176078796, 0.013278689235448837, 0.08139852434396744, -0.0053091393783688545, 0.11113951355218887, 0.01686794124543667, -5.675682501760093e-8, -0.06097188964486122, 0.01506312470883131, -0.014592678286135197, 0.006510138977319002, -0.012559839524328709, -0.06778054684400558, -0.004901441745460033, -0.0283060260117054, 0.00762357609346509, 0.021720534190535545, 0.008914541453123093, -0.0025247372686862946, -0.0441260002553463, 0.051905762404203415, -0.019818594679236412, 0.01189926266670227, -0.03370330110192299, 0.15076610445976257, -0.040517400950193405, -0.06828124076128006, 0.02514001540839672, 0.016274258494377136, -0.0028951112180948257, -0.0020800866186618805, 0.08531554043292999, -0.10746093094348907, -0.06754894554615021, 0.08496284484863281, -0.06032008305191994, -0.026355570182204247, -0.05193725600838661, 0.024503128603100777, 0.015031709335744381, -0.10978411883115768, -0.044116344302892685, 0.07591351121664047, -0.06766193360090256, -0.04190138727426529, 0.004536829423159361, 0.04558534175157547, -0.010497760027647018, 0.051097795367240906, -0.05884663760662079, -0.03094347193837166, 0.07850849628448486, -0.04147065803408623, 0.010329004377126694, -0.08444598317146301, 0.04410334303975105, 0.024144312366843224, 0.03854544833302498, 0.03482992947101593, -0.028451615944504738, -0.011643285863101482, 0.06091243028640747, 0.02293947897851467, -0.08664417266845703, 0.031570084393024445, 0.04585857689380646, 0.009526638314127922, 0.020227566361427307, 0.0008324389928020537, -0.03711739555001259, -0.018893560394644737 ]
pinkducky/Monica_Bot
dc42f3598b1113eda2c2295a2a090ff50726c6c0
2022-03-20T13:16:37.000Z
[ "pytorch", "gpt2", "text-generation", "transformers", "conversational" ]
conversational
false
pinkducky
null
pinkducky/Monica_Bot
0
null
transformers
--- tags: - conversational --- # My Awesome Model
[ -0.05090106651186943, -0.031366977840662, 0.03581665828824043, -0.0054056984372437, 0.08076965808868408, -0.04372682794928551, 0.1371273398399353, 0.04686865955591202, 0.07841186225414276, -0.04006827622652054, 0.029963944107294083, -0.012565406039357185, 0.036244455724954605, 0.009963933378458023, -0.039041824638843536, 0.041623249650001526, 0.014348188415169716, -0.05568447336554527, -0.07908384501934052, 0.04985930025577545, -0.024708891287446022, 0.06136726588010788, 0.02305777370929718, 0.03187232092022896, -0.025241436436772346, 0.052442390471696854, -0.04537186771631241, 0.042892225086688995, 0.035982418805360794, -0.05908246338367462, -0.03677479922771454, 0.0823124423623085, 0.07599936425685883, 0.06003808602690697, -0.007828108966350555, -0.022685443982481956, 0.062002647668123245, -0.01731053926050663, 0.04224047064781189, -0.042645879089832306, -0.042309775948524475, -0.06501581519842148, -0.05416039749979973, 0.008959675207734108, 0.025023961439728737, -0.047416966408491135, -0.045713312923908234, -0.03602231666445732, -0.05448457598686218, 0.028215525671839714, -0.11340142786502838, -0.09726736694574356, -0.005307946819812059, 0.07291919738054276, 0.0011562320869415998, 0.08138564229011536, -0.056777920573949814, -0.14755024015903473, 0.017829654738307, 0.042331673204898834, -0.007883528247475624, 0.015210023149847984, -0.0465548150241375, 0.06283816695213318, -0.02850412204861641, 0.011164055205881596, -0.0909573957324028, 0.05635131895542145, -0.0784955695271492, 0.11919571459293365, 0.039566099643707275, -0.010491259396076202, 0.06072143092751503, 0.010534262284636497, 0.03941850736737251, 0.020460378378629684, 0.01201328169554472, -0.036615174263715744, 0.047589585185050964, 0.041880011558532715, -0.0423911027610302, -0.12415754795074463, -0.0178165715187788, -0.07575485110282898, -0.011541062965989113, -0.06666063517332077, -0.014633537270128727, -0.03656398504972458, -0.022767268121242523, -0.0006290049059316516, -0.05804314836859703, -0.024403218179941177, 0.01748640462756157, 0.007189290598034859, -0.05688001960515976, 0.03201739490032196, 0.016381550580263138, -0.06272377073764801, -0.05233392491936684, 0.12503185868263245, -0.015755128115415573, 0.0417540967464447, 0.03470697999000549, -0.038441117852926254, -0.03530082851648331, -0.03092080168426037, -0.01916990615427494, 0.07731841504573822, 0.019840005785226822, -0.06203543394804001, -0.005670442245900631, -0.01793004386126995, -0.00026420739595778286, -0.025612128898501396, 0.08910390734672546, -0.08335672318935394, 0.04098793864250183, 0.00003558707612683065, 0.03989935293793678, -0.037843793630599976, -0.025859786197543144, 0.04540199786424637, -0.017805110663175583, -0.027855155989527702, -0.016179407015442848, 0.009584194049239159, -0.06639999896287918, -4.478864534741249e-33, 0.11222975701093674, 0.06859760731458664, 0.06865804642438889, 0.10353326797485352, 0.05126076564192772, 0.041043270379304886, -0.0769258663058281, 0.00011796884064096957, -0.018120763823390007, 0.022435268387198448, 0.024414265528321266, 0.029571479186415672, -0.031359825283288956, 0.022635547444224358, 0.005277079530060291, -0.03892066702246666, -0.06124343350529671, -0.074563167989254, -0.047082722187042236, -0.006601410452276468, 0.005809285677969456, -0.011806229129433632, 0.008817244321107864, 0.045550331473350525, 0.03609937056899071, 0.0628429427742958, 0.08441631495952606, -0.07260341942310333, -0.04593171551823616, 0.06081974878907204, -0.02747199311852455, -0.0063775693997740746, 0.004344668239355087, 0.037254698574543, -0.043208200484514236, 0.027637843042612076, -0.04124289005994797, -0.04982233792543411, 0.01631910167634487, -0.08025228977203369, 0.015886107459664345, -0.026147479191422462, -0.07082098722457886, -0.057068999856710434, -0.018375905230641365, 0.07975850254297256, 0.06380768865346909, 0.04807998985052109, 0.046053748577833176, -0.008151701651513577, -0.03738392889499664, -0.026806335896253586, -0.002303558634594083, 0.028527168557047844, -0.05566997826099396, -0.05916515365242958, -0.07913040369749069, 0.010040078312158585, 0.007212954107671976, -0.027216563001275063, 0.007182564586400986, -0.023558219894766808, 0.03829099237918854, -0.1337491273880005, 0.10252182185649872, -0.013212723657488823, -0.03376084566116333, -0.012195839546620846, 0.019834956154227257, -0.0031055838335305452, -0.04869721829891205, 0.039330776780843735, -0.01350850984454155, 0.0303358044475317, 0.008187275379896164, 0.008777179755270481, -0.066440649330616, -0.028343193233013153, 0.02277507446706295, 0.05544881150126457, -0.06433303654193878, -0.03979376703500748, -0.03870479762554169, 0.018391091376543045, -0.007904008962213993, -0.04048888757824898, 0.010747126303613186, -0.1100461557507515, 0.08085237443447113, 0.027630235999822617, 0.017611531540751457, -0.011773657985031605, -0.03050999902188778, -0.001084225601516664, -0.09993167221546173, 2.3631985982007646e-33, 0.07410631328821182, -0.021655485033988953, -0.03430446982383728, 0.08957358449697495, 0.0658988431096077, -0.09670625627040863, 0.03356300666928291, 0.12644141912460327, -0.007287300191819668, 0.009980403818190098, 0.019260842353105545, 0.017083946615457535, -0.04549262300133705, -0.0273654256016016, 0.12685054540634155, -0.0022603862453252077, 0.03329843282699585, -0.12125260382890701, 0.010285534895956516, 0.011052831076085567, 0.021403569728136063, 0.02825598232448101, -0.11815153062343597, 0.029007932171225548, 0.007862820290029049, 0.038198284804821014, 0.009895049035549164, 0.0787750631570816, 0.1255485862493515, -0.012331538833677769, -0.041844483464956284, 0.04419497027993202, 0.009287770837545395, -0.0348893441259861, 0.008455603383481503, 0.014187312684953213, -0.03560749441385269, -0.02111499384045601, 0.022057252004742622, 0.053258296102285385, -0.01398906484246254, 0.00464602978900075, -0.0208336990326643, 0.05951869487762451, 0.0027540153823792934, -0.05181148275732994, -0.002780700335279107, -0.08395428210496902, -0.05995841324329376, -0.008431575261056423, 0.015148011036217213, -0.018860861659049988, -0.05646621063351631, -0.09933912009000778, -0.049692075699567795, -0.03389864042401314, 0.08351656794548035, -0.0013963409001007676, -0.011192643083631992, 0.01275844406336546, -0.06585824489593506, -0.042186468839645386, 0.03605508804321289, -0.01279937382787466, 0.0062263826839625835, -0.08892334997653961, -0.00842227041721344, -0.044293295592069626, -0.05458396300673485, -0.02853185124695301, 0.06938458979129791, 0.0797097310423851, -0.09960118681192398, 0.069974884390831, 0.030420484021306038, -0.045343056321144104, 0.02778884395956993, -0.005752933211624622, 0.047690499573946, -0.055205538868904114, -0.059457264840602875, -0.026828406378626823, -0.00685330294072628, 0.04476504772901535, 0.04690265282988548, -0.028691265732049942, -0.00420738710090518, 0.05791653320193291, -0.0641462653875351, -0.04161105677485466, 0.011222575791180134, 0.029472360387444496, -0.006106182001531124, 0.09066887944936752, -0.02926107868552208, -2.4387945884996043e-8, -0.07912608981132507, -0.0193485077470541, 0.02513335645198822, 0.06632032245397568, -0.0006380337290465832, 0.042135242372751236, 0.06511452794075012, 0.004173976369202137, -0.012236827984452248, -0.042280975729227066, 0.01634378731250763, 0.07965334504842758, -0.023353738710284233, 0.0734296441078186, 0.02384823188185692, 0.011830461211502552, -0.051046840846538544, 0.07105594873428345, 0.00836571492254734, -0.06696010380983353, 0.025958934798836708, 0.03763088583946228, -0.07969045639038086, 0.02339162677526474, 0.09492308646440506, -0.0015179375186562538, -0.042156774550676346, 0.0774446502327919, -0.032096054404973984, 0.05440954491496086, 0.06271935254335403, 0.04717527702450752, -0.06409522145986557, 0.05443163216114044, -0.06054919585585594, -0.005295728333294392, -0.0462062731385231, -0.04333166405558586, 0.021518342196941376, -0.018056262284517288, 0.07318705320358276, 0.07725220173597336, -0.08732577413320541, 0.004433119669556618, 0.057371124625205994, 0.001022679847665131, 0.03494297340512276, -0.0875731110572815, -0.006969284266233444, -0.012489929795265198, -0.055213987827301025, -0.056746624410152435, 0.019027967005968094, 0.016803929582238197, -0.02308109775185585, 0.013455736450850964, 0.06283722817897797, 0.0011627678759396076, 0.028021547943353653, 0.04511001333594322, 0.14455872774124146, 0.04447929561138153, -0.0382804274559021, -0.03517691791057587 ]
wasilkas/wav2vec2-base-timit-demo-colab
c2daa6d33a2e222d6aa33dec71c6d49b69c5e661
2022-03-20T20:04:11.000Z
[ "pytorch", "tensorboard", "wav2vec2", "automatic-speech-recognition", "transformers", "generated_from_trainer", "license:apache-2.0", "model-index" ]
automatic-speech-recognition
false
wasilkas
null
wasilkas/wav2vec2-base-timit-demo-colab
0
null
transformers
--- license: apache-2.0 tags: - generated_from_trainer model-index: - name: wav2vec2-base-timit-demo-colab 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. --> # wav2vec2-base-timit-demo-colab This model is a fine-tuned version of [facebook/wav2vec2-base](https://huggingface.co/facebook/wav2vec2-base) on the TIMIT dataset. It achieves the following results on the evaluation set: - Loss: 0.4491 - Wer: 0.3382 ## 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.0001 - train_batch_size: 32 - 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: 1000 - num_epochs: 30 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | Wer | |:-------------:|:-----:|:----:|:---------------:|:------:| | 3.4787 | 4.0 | 500 | 1.4190 | 0.9939 | | 0.5835 | 8.0 | 1000 | 0.4711 | 0.4370 | | 0.219 | 12.0 | 1500 | 0.4555 | 0.3994 | | 0.1251 | 16.0 | 2000 | 0.4515 | 0.3654 | | 0.0834 | 20.0 | 2500 | 0.4923 | 0.3564 | | 0.0632 | 24.0 | 3000 | 0.4410 | 0.3399 | | 0.0491 | 28.0 | 3500 | 0.4491 | 0.3382 | ### Framework versions - Transformers 4.11.3 - Pytorch 1.10.0+cu111 - Datasets 1.18.3 - Tokenizers 0.10.3
[ -0.07208936661481857, -0.04912490025162697, -0.021924655884504318, 0.02170955017209053, 0.013724304735660553, 0.007251128554344177, -0.059303633868694305, -0.030507659539580345, -0.027862470597028732, -0.07951634377241135, 0.012259834446012974, -0.13325165212154388, 0.006516094319522381, -0.05421480908989906, -0.07656252384185791, -0.004125750157982111, 0.03961465135216713, -0.04748337343335152, -0.03802681714296341, -0.012938419356942177, 0.006414246745407581, 0.025806231424212456, 0.09333382546901703, -0.0044110724702477455, 0.035727716982364655, 0.035719551146030426, -0.0731702521443367, 0.0392252542078495, 0.04359091818332672, -0.03367131948471069, 0.08666481822729111, 0.0263188686221838, 0.023303968831896782, -0.003636319190263748, -0.009157364256680012, 0.005228581838309765, -0.026311436668038368, -0.03948390111327171, -0.012570998631417751, -0.06377632915973663, 0.03837597370147705, -0.019818052649497986, -0.02675887756049633, 0.0786413922905922, -0.025476163253188133, -0.014001709409058094, -0.039972834289073944, -0.047039348632097244, -0.0734626054763794, 0.03628099337220192, -0.053138408809900284, -0.0928369089961052, 0.052789390087127686, 0.03306617587804794, -0.06220453605055809, 0.024682726711034775, -0.0004023584770038724, 0.06032341718673706, 0.04075442627072334, 0.007876014336943626, -0.004840375855565071, -0.04081421718001366, -0.07898768037557602, -0.049235790967941284, -0.016934268176555634, -0.06042597442865372, -0.0744224563241005, 0.005871608853340149, 0.08917936682701111, -0.07054674625396729, -0.022944023832678795, 0.06876524537801743, 0.020572897046804428, 0.004716377705335617, 0.03529375419020653, 0.0361657440662384, 0.037242643535137177, 0.04748784750699997, 0.05277835950255394, -0.06789199262857437, 0.011691637337207794, -0.06423673778772354, 0.07663069665431976, -0.08006054162979126, 0.05981210246682167, 0.01613880693912506, 0.05587256699800491, -0.015373335219919682, -0.005340720061212778, -0.025460965931415558, -0.05957914516329765, 0.062276121228933334, -0.012500601820647717, 0.057059887796640396, 0.0022814744152128696, 0.04565155878663063, 0.006533031351864338, 0.044529203325510025, -0.043804194778203964, 0.10424952208995819, -0.011887837201356888, 0.01435111928731203, -0.007969148457050323, 0.013591136783361435, 0.030763335525989532, -0.09359590709209442, -0.058627814054489136, 0.09465862810611725, 0.12436487525701523, -0.042905405163764954, 0.0713936910033226, 0.10636167973279953, -0.05488387122750282, 0.015531804412603378, 0.08326328545808792, 0.10010316222906113, -0.0143214650452137, 0.008554047904908657, 0.01184474304318428, 0.05847647786140442, -0.05768914893269539, -0.002995204646140337, -0.05752566084265709, -0.0355229452252388, -0.036490458995103836, -0.060746677219867706, -0.048771727830171585, 3.3579829167741956e-33, 0.059593234211206436, 0.03196529671549797, -0.003920054994523525, -0.03869890421628952, 0.06835127621889114, -0.08530420809984207, -0.0117524154484272, -0.05248889699578285, 0.045613858848810196, -0.06762255728244781, -0.055552806705236435, -0.025576060637831688, -0.03278346732258797, 0.09084714204072952, 0.011968964710831642, -0.08600915968418121, -0.058378539979457855, -0.013280333951115608, 0.055634625256061554, 0.014532261528074741, 0.09401855617761612, 0.005654020234942436, -0.03659360483288765, 0.0035036185290664434, 0.025907695293426514, 0.07503099739551544, 0.025200383737683296, 0.05654235929250717, 0.02971254661679268, 0.047879669815301895, -0.058250024914741516, -0.007322728633880615, -0.05170261114835739, -0.055699609220027924, 0.030155470594763756, 0.0273151658475399, 0.02602302096784115, 0.05899304524064064, -0.03590482473373413, -0.07066327333450317, -0.01034364104270935, -0.009018881246447563, 0.022261958569288254, -0.05413862317800522, -0.04762657359242439, -0.10197524726390839, 0.007403498515486717, 0.021988024935126305, 0.025258012115955353, 0.03806225210428238, -0.04564545676112175, -0.015412542037665844, 0.03193816915154457, 0.06098080426454544, -0.03938741609454155, -0.029565861448645592, 0.07612340897321701, 0.05277624353766441, -0.025505509227514267, -0.007443757727742195, 0.06194896250963211, -0.0011805981630459428, 0.05024649575352669, -0.004289264790713787, -0.0424254909157753, -0.019642217084765434, -0.04409804940223694, -0.02095661126077175, 0.0644751712679863, 0.03471463918685913, -0.05136268585920334, 0.027308888733386993, 0.017641553655266762, -0.01743747666478157, 0.03311876952648163, -0.05552451312541962, 0.0403844490647316, -0.056970566511154175, -0.07141417264938354, -0.020755793899297714, 0.02161012589931488, 0.0902680829167366, 0.013811063021421432, -0.0891508087515831, -0.03452320396900177, -0.051403507590293884, -0.009057112969458103, -0.1182311475276947, -0.025161851197481155, 0.015694793313741684, -0.08449263870716095, 0.11552596837282181, -0.05845608189702034, -0.02282666601240635, -0.03896794468164444, -4.289541618649719e-33, 0.03668389469385147, 0.10644910484552383, -0.010923185385763645, 0.06786394864320755, 0.00035924313124269247, 0.014953664503991604, 0.07189391553401947, 0.12371387332677841, -0.059942539781332016, -0.042963024228811264, 0.08712760359048843, -0.03467295691370964, -0.04161418601870537, -0.007344887126237154, 0.008992607705295086, -0.0001477391633670777, -0.031558968126773834, 0.00603317329660058, 0.03337618336081505, -0.011397862806916237, 0.02246411144733429, 0.1014714315533638, -0.055651385337114334, 0.0243313480168581, -0.0006380044505931437, -0.031784359365701675, -0.010700096376240253, 0.08621511608362198, 0.060098905116319656, -0.07779201865196228, -0.025866808369755745, -0.031817495822906494, -0.028722083196043968, 0.013624547980725765, 0.016018308699131012, 0.0407143272459507, 0.06081794947385788, 0.002291299868375063, -0.005360335577279329, 0.09231593459844589, 0.06425155699253082, 0.07086900621652603, -0.0858326405286789, 0.04512455314397812, -0.03697262704372406, 0.0033084675669670105, 0.02844434604048729, -0.05441141873598099, -0.04369191825389862, -0.012583017349243164, 0.0844561755657196, -0.09522400796413422, -0.012443643063306808, 0.02996467798948288, -0.0403083860874176, -0.015637941658496857, 0.043749477714300156, -0.02871776930987835, -0.0957031100988388, 0.0047445157542824745, -0.0011775650782510638, 0.03602471947669983, -0.09001576155424118, -0.0659070611000061, 0.01603216864168644, -0.009256965480744839, -0.07732158899307251, 0.04620378464460373, 0.039023950695991516, 0.05139390006661415, -0.027219204232096672, 0.059105053544044495, 0.03604339063167572, 0.02967909164726734, -0.02497676946222782, -0.0035476500634104013, -0.04182057082653046, 0.04081791639328003, -0.037628594785928726, -0.11784277856349945, -0.029847752302885056, 0.08530478179454803, 0.08199220150709152, -0.0013951815199106932, 0.09267160296440125, 0.0924287736415863, 0.04762505367398262, 0.0484272837638855, -0.033570546656847, 0.05355837568640709, 0.03362826257944107, 0.028222255408763885, 0.013315321877598763, 0.15089115500450134, 0.041497714817523956, -5.534660729722418e-8, -0.05268191173672676, 0.01840255782008171, -0.058218736201524734, 0.0634717345237732, -0.008498073555529118, 0.0041571492329239845, 0.016525873914361, -0.04555024579167366, -0.010568034835159779, 0.002615421311929822, -0.012445671483874321, -0.003698410466313362, -0.0709749385714531, 0.0558328740298748, -0.022685138508677483, 0.018933072686195374, 0.0027618668973445892, 0.07700652629137039, -0.03790484741330147, -0.059225503355264664, 0.0004519002395682037, 0.005356268025934696, 0.014598351903259754, 0.0023801045026630163, 0.06532802432775497, -0.05992767959833145, -0.08500811457633972, 0.08350437134504318, -0.07228564471006393, -0.015212800353765488, -0.027438178658485413, 0.04613431915640831, -0.009471448138356209, -0.11239001154899597, -0.022837011143565178, 0.11113906651735306, -0.06717299669981003, -0.051959823817014694, -0.0005489432369358838, 0.039642609655857086, -0.020596696063876152, 0.07042286545038223, -0.05816398561000824, -0.010746183805167675, 0.05246453732252121, -0.05682436749339104, -0.020223570987582207, -0.08233717828989029, 0.04426536709070206, 0.0331062451004982, -0.0020531173795461655, 0.058908283710479736, -0.041487108916044235, -0.040432460606098175, 0.04977709427475929, 0.046456966549158096, -0.09484156221151352, 0.008370896801352501, -0.012594984844326973, -0.03808210790157318, 0.014076934196054935, -0.025116439908742905, -0.024719003587961197, -0.042329952120780945 ]
snehatyagi/wav2vec2_timit
7ca4c48bdd89ff2464c6fb337f351c021fd15ea2
2022-03-23T05:41:25.000Z
[ "pytorch", "tensorboard", "wav2vec2", "automatic-speech-recognition", "transformers", "generated_from_trainer", "license:apache-2.0", "model-index" ]
automatic-speech-recognition
false
snehatyagi
null
snehatyagi/wav2vec2_timit
0
null
transformers
--- license: apache-2.0 tags: - generated_from_trainer model-index: - name: wav2vec2_timit 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. --> # wav2vec2_timit This model is a fine-tuned version of [facebook/wav2vec2-base](https://huggingface.co/facebook/wav2vec2-base) on the None dataset. It achieves the following results on the evaluation set: - Loss: 3.0791 - Wer: 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: 0.01 - train_batch_size: 32 - 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: 1000 - num_epochs: 5 ### Training results | Training Loss | Epoch | Step | Validation Loss | Wer | |:-------------:|:-----:|:----:|:---------------:|:---:| | 3.1506 | 2.4 | 300 | 3.1294 | 1.0 | | 3.0957 | 4.8 | 600 | 3.0791 | 1.0 | ### Framework versions - Transformers 4.17.0 - Pytorch 1.10.2 - Datasets 1.18.3 - Tokenizers 0.11.6
[ -0.04570683091878891, -0.03475401550531387, -0.03278423100709915, 0.029333442449569702, 0.03820650279521942, 0.005599640309810638, -0.05372659116983414, -0.05596431717276573, -0.04935377836227417, -0.08902392536401749, 0.0186576247215271, -0.10348092764616013, -0.006204619072377682, -0.05270624905824661, -0.07921821624040604, -0.00391845777630806, 0.0448286198079586, -0.05415787920355797, -0.058594632893800735, 0.006227611564099789, 0.002766493009403348, 0.05592662841081619, 0.08709099143743515, 0.0008424167172051966, 0.028819086030125618, 0.029644962400197983, -0.07811018079519272, 0.038365695625543594, 0.04098742827773094, -0.033414971083402634, 0.10449561476707458, 0.024886008352041245, 0.013323151506483555, 0.011536374688148499, -0.01955605484545231, -0.0026104203425347805, -0.030800070613622665, -0.05983910337090492, -0.004629614297300577, -0.02780432626605034, 0.022813158109784126, -0.02136930078268051, -0.044646285474300385, 0.07626482099294662, -0.012680565938353539, 0.0004896082682535052, -0.057937491685152054, -0.0746237188577652, -0.05864135921001434, 0.00920114852488041, -0.07101976871490479, -0.10349399596452713, 0.04494906961917877, 0.008009442128241062, -0.07649243623018265, 0.019263174384832382, -0.020095981657505035, 0.05232103168964386, 0.019443515688180923, 0.01706039346754551, -0.00024994389968924224, -0.03438148275017738, -0.058027658611536026, -0.02835240215063095, -0.041862472891807556, -0.06569328159093857, -0.07076758146286011, -0.010314040817320347, 0.08604279905557632, -0.05416654050350189, -0.02290683425962925, 0.06473635137081146, 0.017025073990225792, 0.011452585458755493, 0.03926267474889755, 0.025009503588080406, 0.06598807871341705, 0.04104430601000786, 0.07028771936893463, -0.0928376242518425, -0.005482385400682688, -0.0947675034403801, 0.05797913670539856, -0.06534004211425781, 0.06789428740739822, 0.027567267417907715, 0.04883288964629173, -0.03885108232498169, 0.012828517705202103, 0.013504148460924625, -0.07501060515642166, 0.05359668657183647, -0.009905079379677773, 0.05097081884741783, 0.038335371762514114, 0.06442530453205109, 0.003274669637903571, 0.026075471192598343, -0.06178726628422737, 0.11881453543901443, -0.013128387741744518, 0.0314042903482914, 0.030196664854884148, 0.011622545309364796, 0.033633992075920105, -0.05201776698231697, -0.01333872601389885, 0.10675976425409317, 0.1005171462893486, -0.05647270008921623, 0.06467675417661667, 0.08608292043209076, -0.04665439575910568, 0.008338354527950287, 0.07260238379240036, 0.0972306951880455, -0.007219505030661821, -0.004322507884353399, 0.010584583505988121, 0.08301904797554016, -0.021543392911553383, -0.01949220336973667, -0.039349962025880814, -0.016994835808873177, -0.060785651206970215, -0.05832892656326294, -0.06941714137792587, 3.8156913969676084e-33, 0.042225658893585205, 0.042389869689941406, -0.011664344929158688, -0.03557777777314186, 0.04583675414323807, -0.07204543054103851, -0.017597198486328125, -0.0483764111995697, 0.03412245959043503, -0.07681287080049515, -0.09192977845668793, -0.01614173874258995, -0.041393693536520004, 0.08486076444387436, 0.03764203563332558, -0.06419137120246887, -0.049235228449106216, 0.01501388568431139, 0.07947003841400146, 0.033512845635414124, 0.11975186318159103, -0.011397247202694416, -0.049577534198760986, -0.04485177993774414, 0.019708842039108276, 0.07238316535949707, 0.028590988367795944, 0.02124188467860222, 0.013851420022547245, 0.04293849691748619, -0.051783766597509384, -0.019473599269986153, -0.031620901077985764, -0.048569440841674805, 0.03575131669640541, 0.03680061176419258, 0.03509382903575897, 0.07277723401784897, -0.019534919410943985, -0.07626792043447495, 0.008268998935818672, 0.0032712111715227365, 0.025344032794237137, -0.06744629889726639, -0.056056439876556396, -0.0845903530716896, 0.028279777616262436, 0.029459858313202858, 0.0348067469894886, 0.03203198313713074, -0.039983950555324554, -0.02213973179459572, 0.03758912533521652, 0.0483819842338562, -0.047635436058044434, -0.020373092964291573, 0.0720328614115715, 0.08100171387195587, -0.026636987924575806, -0.016337763518095016, 0.041519567370414734, 0.014109556563198566, 0.04091658815741539, -0.0244325939565897, -0.03747113049030304, -0.04152403026819229, -0.030963895842432976, -0.03991145268082619, 0.04503440856933594, 0.024997025728225708, -0.06532563269138336, 0.015122747048735619, 0.03198865428566933, -0.0338057242333889, 0.05189753696322441, -0.07462610304355621, 0.01883106864988804, -0.07839342206716537, -0.06282740086317062, -0.009425155818462372, 0.02504514902830124, 0.10010898113250732, 0.002852353733032942, -0.10038919746875763, -0.0352633073925972, -0.06822184473276138, 0.00015540837193839252, -0.09004142135381699, -0.03340740129351616, 0.012499556876718998, -0.057459134608507156, 0.10074590146541595, -0.04245571792125702, -0.017736483365297318, -0.023090669885277748, -4.6031054714155335e-33, 0.006288466975092888, 0.09130124747753143, -0.002950913505628705, 0.06795395165681839, 0.009812888689339161, 0.00931315217167139, 0.07471349090337753, 0.1069401204586029, -0.0724005252122879, -0.04759662225842476, 0.08818798512220383, -0.05103518068790436, -0.044212039560079575, -0.028362737968564034, 0.021387619897723198, -0.01865062490105629, -0.04659317433834076, 0.002001894870772958, 0.05164879187941551, 0.014731688424944878, 0.02720027230679989, 0.10880136489868164, -0.06065908446907997, 0.04811015725135803, -0.006274078506976366, -0.022754797711968422, 0.02307252772152424, 0.1031089648604393, 0.06432180106639862, -0.06842750310897827, -0.03350841626524925, -0.03745947405695915, -0.026066971942782402, 0.018755227327346802, 0.02104770764708519, 0.057951055467128754, 0.047460876405239105, 0.0017852213932201266, -0.03115072287619114, 0.07759802043437958, 0.07553582638502121, 0.08476555347442627, -0.09742331504821777, 0.04577166587114334, -0.022621816024184227, 0.03402402997016907, 0.03296976909041405, -0.028839370235800743, -0.04363991692662239, -0.023743554949760437, 0.07375761866569519, -0.08917661756277084, -0.03291337937116623, 0.01584741100668907, -0.033900998532772064, -0.027982566505670547, 0.036506835371255875, -0.012180289253592491, -0.06806189566850662, 0.006868469063192606, -0.013439539819955826, 0.014492593705654144, -0.1065688356757164, -0.055391229689121246, 0.005512734409421682, -0.00955764390528202, -0.07383155077695847, 0.05751652643084526, 0.008924124762415886, 0.07022218406200409, -0.04923427477478981, 0.06665623933076859, 0.017248718068003654, 0.024248791858553886, -0.027358798310160637, -0.0017582849832251668, -0.02585877664387226, 0.010670323856174946, -0.036291711032390594, -0.1210864931344986, -0.042555391788482666, 0.07413835823535919, 0.0588596872985363, 0.003974952735006809, 0.09683706611394882, 0.09082137048244476, 0.050716761499643326, 0.0709751769900322, -0.0503971241414547, 0.03062390722334385, 0.05667401850223541, 0.031943608075380325, 0.0004840711480937898, 0.11775395274162292, 0.0290685947984457, -5.5918139452160176e-8, -0.05216456577181816, 0.021176423877477646, -0.029592011123895645, 0.059959422796964645, 0.009650073945522308, 0.005188612267374992, 0.030934536829590797, -0.027589064091444016, -0.004396337084472179, 0.008879391476511955, 0.00014446678687818348, 0.009479492902755737, -0.06299210339784622, 0.043497245758771896, -0.004563325084745884, 0.012737461365759373, -0.015793675556778908, 0.10559307038784027, -0.031925879418849945, -0.0623585507273674, 0.013328700326383114, 0.0068556019105017185, -0.007946276105940342, -0.019455714151263237, 0.07341256737709045, -0.08826176822185516, -0.0693359449505806, 0.07577893137931824, -0.06864860653877258, -0.02115732617676258, -0.01690949685871601, 0.043579261749982834, 0.017780348658561707, -0.1124470978975296, -0.02712852694094181, 0.10232898592948914, -0.06621907651424408, -0.03996717929840088, 0.003984301816672087, 0.05024125054478645, -0.0348312146961689, 0.09707672894001007, -0.037874042987823486, -0.02486194670200348, 0.048043202608823776, -0.05093728005886078, 0.004607897251844406, -0.09424532949924469, 0.06859739124774933, 0.006663112435489893, 0.026316244155168533, 0.033294107764959335, -0.04258694127202034, -0.036681100726127625, 0.04594937339425087, 0.02801785245537758, -0.09087178111076355, 0.005482349079102278, -0.012406975030899048, -0.01790839247405529, 0.027229906991124153, -0.02250117063522339, -0.04595233500003815, -0.021775173023343086 ]
tau/fewsion_2_1024_0.3_epoch1
68a87bfab18b5773e3aa09dcd0d85f8d886a9de6
2022-03-21T07:48:34.000Z
[ "pytorch", "t5", "text2text-generation", "transformers", "autotrain_compatible" ]
text2text-generation
false
tau
null
tau/fewsion_2_1024_0.3_epoch1
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 ]
tau/pegasus_1024_0.3_epoch1_v2
4da6a01fd5f5c446a871e8064692a59f2255c3e2
2022-03-21T07:53:47.000Z
[ "pytorch", "t5", "text2text-generation", "transformers", "autotrain_compatible" ]
text2text-generation
false
tau
null
tau/pegasus_1024_0.3_epoch1_v2
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 ]
tau/random_1024_0.3_epoch1_v2
fe801f51d07d7cb8f3da162fda8f36781af61e2f
2022-03-21T07:58:59.000Z
[ "pytorch", "t5", "text2text-generation", "transformers", "autotrain_compatible" ]
text2text-generation
false
tau
null
tau/random_1024_0.3_epoch1_v2
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 ]
tau/t5_1024_0.3_epoch1_v2
cefb4d893c8fd080e9c8e68ba2328190b2324562
2022-03-21T08:04:37.000Z
[ "pytorch", "t5", "text2text-generation", "transformers", "autotrain_compatible" ]
text2text-generation
false
tau
null
tau/t5_1024_0.3_epoch1_v2
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/victoriamonet
1287bde7987dffa450938ede8e5a1e97fae5d043
2022-03-21T13:07:26.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/victoriamonet
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/1504478055275802628/EuQs8_M7_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">Victoria Monét</div> <div style="text-align: center; font-size: 14px;">@victoriamonet</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 Victoria Monét. | Data | Victoria Monét | | --- | --- | | Tweets downloaded | 3172 | | Retweets | 302 | | Short tweets | 593 | | Tweets kept | 2277 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/2qwme5s7/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 @victoriamonet's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/1zqoy9ki) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/1zqoy9ki/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/victoriamonet') 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.022056326270103455, 0.12972986698150635, -0.009235312230885029, 0.04157726839184761, 0.15821844339370728, -0.019319413229823112, -0.03935195133090019, 0.03872566670179367, 0.06978720426559448, -0.04946894571185112, 0.012244876474142075, 0.08553912490606308, 0.020828818902373314, -0.03178006410598755, -0.0062539721839129925, 0.03429810330271721, -0.08438929170370102, -0.02658786252140999, -0.03304968401789665, 0.023686077445745468, -0.09432870894670486, -0.09482827037572861, 0.08855216950178146, -0.0589798279106617, -0.04981464520096779, 0.05749305337667465, 0.0000751016559661366, 0.04591494798660278, -0.0032610774505883455, -0.02499319426715374, -0.03333784267306328, 0.02050488442182541, 0.04760047420859337, 0.03504537045955658, -0.020778559148311615, 0.040140144526958466, -0.004328715614974499, 0.020508935675024986, -0.04988690838217735, 0.0347796194255352, -0.0142455343157053, -0.11211879551410675, 0.04599444568157196, 0.030107496306300163, -0.030690018087625504, -0.023305756971240044, -0.02163253165781498, 0.0024285262916237116, -0.04373285174369812, 0.027988245710730553, -0.05411304906010628, -0.06011057272553444, 0.001240440527908504, -0.003330620238557458, 0.016458898782730103, 0.05374180153012276, 0.021091893315315247, -0.05570323020219803, 0.06084434315562248, -0.008568396791815758, 0.12464458495378494, 0.1012035459280014, 0.08430355787277222, 0.006491557694971561, 0.015994518995285034, -0.007412147242575884, -0.06790710985660553, 0.057354897260665894, -0.020638667047023773, -0.006401262246072292, 0.024159718304872513, -0.005537126678973436, -0.04715484008193016, -0.04940285533666611, 0.038345422595739365, -0.06752350926399231, -0.013271406292915344, 0.033273518085479736, -0.026448100805282593, 0.06359714269638062, 0.04384678974747658, -0.044120725244283676, 0.01658838614821434, -0.01807018369436264, 0.05931761488318443, 0.01213073916733265, -0.00005760316344094463, -0.1062258929014206, -0.03224469721317291, 0.04138907790184021, -0.016807420179247856, -0.006815990433096886, 0.007597744464874268, 0.03248218446969986, -0.041246481239795685, 0.009894278831779957, -0.0715562105178833, -0.13440175354480743, -0.11892102658748627, 0.07623042166233063, -0.003971871454268694, -0.050145410001277924, 0.09446395188570023, 0.034852705895900726, 0.009659111499786377, -0.022453363984823227, -0.04070422425866127, 0.020696397870779037, 0.0010465362574905157, -0.015978749841451645, 0.03354838863015175, -0.04644139111042023, -0.10285283625125885, 0.012748134322464466, -0.025643445551395416, -0.10310081392526627, -0.0049328128807246685, 0.03136860951781273, 0.10047723352909088, -0.03020584210753441, 0.07059796154499054, 0.147501602768898, -0.046790819615125656, -0.09620927274227142, -0.00011654473200906068, 0.03907664492726326, -0.04765470698475838, 1.1254374667288558e-32, 0.06779550015926361, 0.013711773790419102, -0.05137338116765022, 0.04156222566962242, 0.1033129021525383, 0.009886226616799831, -0.014047016389667988, -0.051914893090724945, -0.1043315976858139, 0.0006915029371157289, 0.07249794900417328, 0.026890942826867104, 0.0008886129362508655, 0.013237175531685352, -0.0016175355995073915, -0.08875925838947296, -0.024837015196681023, 0.00481285247951746, -0.0034064024221152067, 0.0037427942734211683, -0.09418509900569916, 0.04283759370446205, -0.050750549882650375, -0.06520386785268784, -0.0540948212146759, 0.011070259846746922, 0.09490180760622025, -0.053536489605903625, 0.003902074182406068, -0.0001245054736500606, -0.05038682371377945, -0.013189516961574554, 0.07093582302331924, -0.05353925749659538, 0.041524454951286316, -0.0035767476074397564, -0.00536190252751112, -0.08374026417732239, 0.0024068388156592846, 0.036038514226675034, -0.026387212797999382, -0.06036607548594475, 0.051720209419727325, -0.03771878033876419, -0.05668994411826134, 0.08463069051504135, 0.13780738413333893, -0.0029131050687283278, 0.003115209750831127, -0.057363368570804596, -0.026064956560730934, -0.01361748669296503, -0.041890744119882584, -0.09228993952274323, -0.025646470487117767, -0.08834858238697052, -0.007620234973728657, 0.03563991189002991, 0.02588575705885887, -0.01731340028345585, 0.005451001692563295, -0.07098045945167542, 0.038370680063962936, -0.0714210495352745, 0.051800794899463654, 0.03117487020790577, -0.08077709376811981, -0.028986196964979172, 0.046200551092624664, -0.03293713182210922, -0.04983241483569145, 0.008402704261243343, 0.10825436562299728, -0.04168831929564476, -0.06246724724769592, 0.013789146207273006, -0.007901792414486408, -0.04145505651831627, -0.034888334572315216, 0.04124906659126282, -0.05020861327648163, -0.006966736167669296, 0.04268992692232132, 0.004594646859914064, -0.02602860890328884, -0.018899351358413696, 0.006736056413501501, -0.04792855679988861, 0.03299194946885109, -0.00824054330587387, -0.09902217984199524, -0.020385265350341797, 0.012282641604542732, -0.0874423086643219, -0.0728887990117073, -1.1290048716784107e-32, 0.07783564180135727, 0.0004986081621609628, -0.004297394305467606, 0.051494285464286804, 0.07388608902692795, 0.0636221319437027, 0.06684126704931259, 0.06958577781915665, 0.005694819148629904, 0.004330025054514408, 0.050330448895692825, -0.028174204751849174, -0.08968038111925125, -0.0436442568898201, 0.016955647617578506, 0.016897423192858696, 0.0802505612373352, -0.03053477220237255, -0.0401756651699543, 0.017986930906772614, 0.009281206876039505, 0.02849634736776352, -0.00629382161423564, 0.09017522633075714, -0.07114630192518234, -0.004362855572253466, 0.08377659320831299, -0.005482849664986134, -0.008792631328105927, 0.021355893462896347, -0.045470673590898514, -0.08311855792999268, -0.028551992028951645, 0.0573483482003212, 0.06484328210353851, 0.0037446757778525352, -0.06884480267763138, -0.029252173379063606, -0.026421209797263145, -0.05249732360243797, 0.021595926955342293, -0.08973728865385056, -0.04860953614115715, -0.01295285951346159, 0.03842515870928764, -0.040383439511060715, 0.0181341003626585, -0.03538721799850464, -0.016296064481139183, 0.030013397336006165, 0.0340600311756134, 0.034803129732608795, -0.008998287841677666, -0.025208361446857452, -0.024547433480620384, -0.10382341593503952, -0.043229326605796814, 0.028448229655623436, 0.0067921956069767475, 0.022940602153539658, 0.031820058822631836, 0.010393775999546051, -0.020665641874074936, -0.003187240567058325, 0.05700702965259552, 0.044186245650053024, -0.06954272091388702, 0.04556784778833389, -0.0810411348938942, 0.0008527490426786244, 0.03406311944127083, 0.059823159128427505, 0.04739970341324806, -0.00923487450927496, 0.045447949320077896, -0.026088664308190346, 0.08500269055366516, 0.008145063184201717, 0.0647289827466011, 0.0015141532057896256, -0.06976249814033508, -0.06493226438760757, -0.04680033400654793, -0.009431554935872555, -0.06138017028570175, -0.0062423329800367355, -0.027101900428533554, 0.10850892215967178, -0.026117660105228424, -0.034999869763851166, -0.035699717700481415, 0.0775245651602745, 0.055870212614536285, 0.042601946741342545, 0.07130318135023117, -6.784467387888071e-8, -0.04190024361014366, -0.08722560107707977, -0.005035060923546553, 0.006653300486505032, -0.04542066156864166, 0.028822075575590134, 0.04546076059341431, -0.14973331987857819, -0.02230762504041195, -0.05034402757883072, 0.03161613270640373, 0.017043855041265488, -0.07016754150390625, 0.029035963118076324, -0.04072217643260956, 0.014083605259656906, -0.12199854105710983, 0.07940490543842316, 0.0022047630045562983, -0.06315156817436218, -0.025737235322594643, 0.03678959980607033, 0.029664695262908936, -0.025536933913826942, 0.003391404403373599, 0.08204923570156097, -0.09800402820110321, -0.008573357947170734, 0.02271391451358795, -0.011996570974588394, 0.03291413560509682, -0.04971165955066681, 0.027756208553910255, -0.05429525673389435, -0.006680432707071304, -0.05627487972378731, -0.041647475212812424, -0.03557873144745827, -0.0005003313417546451, 0.012177950702607632, 0.03188047930598259, 0.017629334703087807, 0.07317933440208435, 0.04770185798406601, -0.029464181512594223, 0.014406640082597733, 0.04514312744140625, 0.015451883897185326, 0.021910538896918297, 0.02583283558487892, -0.019876820966601372, -0.07444778829813004, 0.010780460201203823, 0.03292374685406685, 0.04374586045742035, 0.0014468812150880694, -0.0014204740291461349, 0.0547834075987339, 0.004145274870097637, 0.07199887186288834, 0.03981499373912811, 0.05272865667939186, -0.0024736723862588406, 0.06262258440256119 ]
huggingtweets/rupertboneham-rupertskids-survivorcbs
dfde4fd79f34ff824a3b6c1014940fc23774fb3a
2022-03-21T13:31:40.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/rupertboneham-rupertskids-survivorcbs
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/rupertboneham-rupertskids-survivorcbs/1647869465531/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/2879716355/bd3a0d75f2ec004c61cf470e66895eda_400x400.png&#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/984777181963448321/GZEqLnVr_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/1488244197467381765/3F2BzfCJ_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">Rupert Boneham & Rupert Boneham & SURVIVOR</div> <div style="text-align: center; font-size: 14px;">@rupertboneham-rupertskids-survivorcbs</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 Rupert Boneham & Rupert Boneham & SURVIVOR. | Data | Rupert Boneham | Rupert Boneham | SURVIVOR | | --- | --- | --- | --- | | Tweets downloaded | 3139 | 352 | 3222 | | Retweets | 710 | 151 | 551 | | Short tweets | 142 | 17 | 540 | | Tweets kept | 2287 | 184 | 2131 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/2m3rl64a/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 @rupertboneham-rupertskids-survivorcbs's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/1o5vktei) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/1o5vktei/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/rupertboneham-rupertskids-survivorcbs') 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.011863931082189083, 0.10847441852092743, -0.0034049227833747864, 0.03859993815422058, 0.17566952109336853, -0.0007460794295184314, -0.038719747215509415, 0.04656615108251572, 0.06767203658819199, -0.04307500272989273, 0.007479306310415268, 0.0727042481303215, 0.01992828957736492, -0.027164192870259285, -0.015191969461739063, 0.03325366973876953, -0.10113514214754105, -0.03159036114811897, -0.061723653227090836, 0.02399027906358242, -0.09166396409273148, -0.09543987363576889, 0.08941951394081116, -0.05729072913527489, -0.0539763905107975, 0.06305982917547226, 0.00030252235592342913, 0.06905418634414673, -0.004004651214927435, -0.025923490524291992, -0.04141642898321152, 0.025455797091126442, 0.05081392452120781, 0.027726175263524055, -0.02640642412006855, 0.05226575955748558, -0.03622734174132347, 0.02435826137661934, -0.055041443556547165, 0.02153935469686985, -0.01023778598755598, -0.12952832877635956, 0.06280428171157837, 0.04166332259774208, -0.0261289793998003, -0.03870841860771179, -0.009983834810554981, -0.010552980937063694, -0.03183902055025101, 0.028717465698719025, -0.07081807404756546, -0.05168547481298447, 0.009741480462253094, -0.015273388475179672, 0.008788683451712132, 0.04947444424033165, 0.02541257254779339, -0.055940255522727966, 0.07891549915075302, -0.01697477698326111, 0.1107640489935875, 0.09702000766992569, 0.0713604986667633, 0.012599938549101353, 0.0109416414052248, -0.019031763076782227, -0.06668034195899963, 0.05470787733793259, -0.04959101229906082, 0.007927065715193748, 0.02555755153298378, -0.000997742754407227, -0.0186728797852993, -0.03137221187353134, 0.04595497250556946, -0.04400993511080742, -0.015875086188316345, 0.022700488567352295, -0.02059091255068779, 0.05349431931972504, 0.037652961909770966, -0.061785079538822174, 0.0035726437345147133, -0.02724101021885872, 0.06626315414905548, 0.020381703972816467, 0.0017601457657292485, -0.11061649024486542, -0.03969932347536087, 0.020740771666169167, -0.015011093579232693, -0.021505435928702354, -0.0012974512064829469, 0.04724055528640747, -0.054362498223781586, 0.03058236837387085, -0.060180265456438065, -0.13579632341861725, -0.13591811060905457, 0.078834667801857, -0.006329329218715429, -0.03589829057455063, 0.07159437984228134, 0.032595135271549225, 0.009741020388901234, -0.04461340978741646, -0.041476596146821976, 0.030473191291093826, 0.011096800677478313, -0.01561178918927908, 0.040379833430051804, -0.032349757850170135, -0.11216120421886444, 0.02070034109055996, -0.022389467805624008, -0.10356689244508743, -0.01801864057779312, 0.014881866052746773, 0.09811212122440338, -0.03870604559779167, 0.06629744172096252, 0.1523243486881256, -0.032148607075214386, -0.09867392480373383, 0.013111061416566372, 0.019072256982326508, -0.04227839410305023, 1.0479407241305918e-32, 0.05707745999097824, 0.008461794815957546, -0.04778071120381355, 0.050065115094184875, 0.1006706953048706, 0.0001321878662565723, -0.03130000829696655, -0.03796033188700676, -0.09831669181585312, -0.002027972135692835, 0.06901948899030685, 0.02771167829632759, 0.004085219465196133, 0.013721116818487644, -0.0044846320524811745, -0.07842925935983658, -0.021846110001206398, -0.0007541158702224493, -0.02601785399019718, 0.018069056794047356, -0.10107862949371338, 0.04305056855082512, -0.03332171216607094, -0.06346525251865387, -0.06778839975595474, 0.013596713542938232, 0.09179235994815826, -0.04116390645503998, -0.005011551547795534, 0.0008626789785921574, -0.06146591529250145, -0.00117207202129066, 0.05355854332447052, -0.057321127504110336, 0.04667847603559494, -0.00864165648818016, 0.01377019751816988, -0.09159203618764877, -0.006945494096726179, 0.04476214945316315, -0.04002668708562851, -0.05199261009693146, 0.0598166286945343, -0.04794777184724808, -0.05164606124162674, 0.07862833887338638, 0.11424215883016586, 0.026185305789113045, -0.021103370934724808, -0.03474774211645126, -0.026496009901165962, -0.006219764240086079, -0.03890421614050865, -0.08640845119953156, -0.007433250080794096, -0.08964888006448746, -0.006664917804300785, 0.020184382796287537, 0.026104925200343132, -0.023097140714526176, -0.00559141393750906, -0.05858941748738289, 0.03773270547389984, -0.06266658753156662, 0.03061276115477085, 0.0326574482023716, -0.0702829658985138, -0.029923200607299805, 0.05318762734532356, -0.01596994139254093, -0.034723084419965744, 0.005087621044367552, 0.0965445265173912, -0.052105870097875595, -0.05203203111886978, 0.01839497499167919, -0.013155361637473106, -0.04093225300312042, -0.029093431308865547, 0.025495534762740135, -0.04441653937101364, -0.007324273232370615, 0.03156682848930359, 0.005833538249135017, -0.04445958510041237, -0.011969289742410183, -0.017584744840860367, -0.05074305832386017, 0.029113376513123512, -0.006185172591358423, -0.11023014038801193, -0.018018092960119247, 0.026254646480083466, -0.08896677196025848, -0.07927964627742767, -1.1357631560432727e-32, 0.06448646634817123, 0.010166915133595467, -0.011194753460586071, 0.03852254897356033, 0.08936212956905365, 0.062239453196525574, 0.05659934878349304, 0.0587790384888649, 0.007346940226852894, 0.0017793686129152775, 0.04922899603843689, -0.028822213411331177, -0.09323137998580933, -0.05672593042254448, 0.0162794291973114, 0.011753647588193417, 0.06262742727994919, -0.041273754090070724, -0.03382589668035507, 0.02134299837052822, 0.027770916000008583, 0.028243036940693855, -0.012359666638076305, 0.10649576783180237, -0.046710941940546036, -0.0031875993590801954, 0.0962415337562561, 0.005725280847400427, -0.013645601458847523, 0.015022019855678082, -0.04926036298274994, -0.09221906960010529, -0.036301836371421814, 0.07725121825933456, 0.054069679230451584, 0.003669134108349681, -0.0710473358631134, -0.03610522300004959, -0.028125576674938202, -0.03546202555298805, 0.02458956651389599, -0.08591839671134949, -0.06821699440479279, -0.02407592348754406, 0.02550378255546093, -0.04638393223285675, 0.028060486540198326, -0.028709903359413147, 0.002508901059627533, 0.04670992121100426, 0.031858935952186584, 0.0491328127682209, -0.012197506614029408, -0.017563993111252785, -0.03393862396478653, -0.099979467689991, -0.04198725149035454, 0.014550043269991875, 0.002111185109242797, 0.026853635907173157, 0.01696900837123394, 0.018475597724318504, -0.023624368011951447, 0.008520256727933884, 0.052256423979997635, 0.03536040335893631, -0.07168108224868774, 0.028480367735028267, -0.08426433056592941, 0.007455895654857159, 0.015667414292693138, 0.06002672389149666, 0.038306139409542084, -0.0013692232314497232, 0.04267900437116623, -0.011681455187499523, 0.08419062197208405, 0.016808344051241875, 0.07545790821313858, 0.004012762103229761, -0.0712827816605568, -0.07395847886800766, -0.034837864339351654, -0.014152769930660725, -0.054457664489746094, -0.012245344929397106, -0.015225081704556942, 0.10401251912117004, -0.01928948424756527, -0.04528512433171272, -0.027913447469472885, 0.07652987539768219, 0.0618571899831295, 0.02756928838789463, 0.06709124147891998, -6.682377318156796e-8, -0.05565553531050682, -0.07410948723554611, -0.016706719994544983, 0.009291780181229115, -0.04575030878186226, 0.03645322099328041, 0.03799424692988396, -0.15241773426532745, -0.014729367569088936, -0.03941142186522484, 0.04052473232150078, 0.033550821244716644, -0.06078604608774185, 0.0285648163408041, -0.037748951464891434, 0.026409365236759186, -0.12128958106040955, 0.06459075212478638, -0.004162179306149483, -0.06196657940745354, -0.014873407781124115, 0.02581571601331234, 0.018987109884619713, -0.020442642271518707, -0.005002177320420742, 0.06559895724058151, -0.10834024846553802, 0.008342534303665161, 0.006977199576795101, 0.011802698485553265, 0.03373224660754204, -0.06324790418148041, 0.021277446299791336, -0.060579683631658554, -0.0007541272207163274, -0.05642293766140938, -0.021397093310952187, -0.040769096463918686, 0.02104766294360161, 0.029416171833872795, 0.03054000250995159, 0.029190078377723694, 0.06541714072227478, 0.050326477736234665, -0.019721005111932755, 0.013657170347869396, 0.035314202308654785, 0.010107867419719696, 0.04285947233438492, 0.022014811635017395, -0.03187045082449913, -0.08750157803297043, 0.007083294913172722, 0.01920616254210472, 0.06286805868148804, 0.005695587955415249, -0.0030993567779660225, 0.06555590778589249, -0.0002757603069767356, 0.08231014013290405, 0.04879779368638992, 0.048545870929956436, -0.0001431490818504244, 0.061547860503196716 ]
ukr-models/uk-ner-quantized
49e0989c9bb6c908bc09864e96e57e48a5af9bb7
2022-03-22T17:37:16.000Z
[ "pytorch", "uk", "ukrainian", "license:mit" ]
null
false
ukr-models
null
ukr-models/uk-ner-quantized
0
1
null
--- language: - uk tags: - ukrainian license: mit --- ## Model Description Quantized version [uk-ner model](https://huggingface.co/ukr-models/uk-ner). Returns B-PER, I-PER, B-LOC, I-LOC, B-ORG, I-ORG tags ## How to Use After cloning the repository, please use the following code (download script get_predictions.py from the repository, it uses [package tokenize_uk](https://pypi.org/project/tokenize_uk/) for splitting) ```py from transformers import AutoTokenizer import torch from get_predictions import get_word_predictions tokenizer = AutoTokenizer.from_pretrained("./") model = torch.load("./pytorch_model.bin") labels_list = ['O','B-PER','I-PER','B-ORG','I-ORG','B-LOC','I-LOC'] texts = ["Могила Тараса Шевченка — місце поховання видатного українського поета Тараса Шевченка в місті Канів (Черкаська область) на Чернечій горі, над яким із 1939 року височіє бронзовий пам'ятник роботи скульптора Матвія Манізера."] get_word_predictions(model, tokenizer, texts, labels_list) ```
[ -0.12536661326885223, -0.053252242505550385, -0.016081474721431732, 0.0360276997089386, 0.013284506276249886, -0.016338948160409927, 0.029112160205841064, 0.035665035247802734, -0.020288921892642975, -0.05234058201313019, 0.035841260105371475, -0.10929640382528305, -0.036298301070928574, 0.051441606134176254, 0.043399229645729065, 0.09642968326807022, -0.05799742788076401, -0.0135950380936265, -0.09964217990636826, -0.1350211799144745, 0.07841843366622925, 0.002075121970847249, 0.06314468383789062, 0.04859566316008568, 0.08025909960269928, 0.025298794731497765, -0.03403998166322708, 0.02150091901421547, 0.05192779004573822, 0.011785915121436119, -0.015175633132457733, 0.02688305638730526, -0.025308093056082726, -0.016617996618151665, 0.10223843157291412, 0.07680866122245789, -0.09463969618082047, -0.005477551370859146, 0.01905769854784012, -0.011094892397522926, 0.060131579637527466, -0.08476872742176056, -0.04226266220211983, -0.023673664778470993, 0.026235926896333694, 0.08139252662658691, 0.04313138499855995, -0.03182997554540634, -0.02001510187983513, -0.036808546632528305, 0.009877189062535763, -0.027753323316574097, 0.007894555106759071, -0.013532519340515137, -0.04775438457727432, -0.040224455296993256, 0.04795248433947563, -0.0585024431347847, 0.03996198624372482, -0.10743310302495956, -0.08442938327789307, 0.033413246273994446, -0.005674437154084444, 0.0007454520673491061, -0.0411255918443203, -0.03418467938899994, 0.017512263730168343, 0.0527351051568985, 0.014450357295572758, 0.025521883741021156, 0.005590541288256645, -0.028160642832517624, -0.01362907700240612, 0.011947965249419212, 0.05782156065106392, -0.024969913065433502, 0.09383250027894974, 0.06251125037670135, 0.02597285807132721, -0.06589207053184509, 0.005362550262361765, -0.030817769467830658, 0.05994878709316254, 0.06283082813024521, 0.00040827799239195883, -0.02321052923798561, 0.0254670437425375, 0.04414679855108261, 0.016119351610541344, -0.006062003783881664, -0.09145276993513107, -0.10582035779953003, 0.024479152634739876, 0.04108390584588051, -0.03944064676761627, 0.027097182348370552, 0.04319820553064346, 0.019862273707985878, -0.04749731346964836, 0.09554824978113174, -0.038891956210136414, 0.017706671729683876, 0.018010223284363747, 0.017623476684093475, -0.05788613483309746, -0.060031913220882416, -0.0057235946878790855, 0.037037793546915054, 0.07488338649272919, -0.0032160209957510233, 0.05389660969376564, 0.04684506356716156, -0.022722434252500534, -0.03721972182393074, 0.059829629957675934, -0.018578719347715378, -0.03867390751838684, 0.044511180371046066, 0.003466763999313116, 0.09696955233812332, 0.05482059717178345, 0.01618443988263607, -0.024865098297595978, 0.07619014382362366, -0.051650144159793854, 0.007465064059942961, -0.02095845155417919, 5.3915122875769265e-34, -0.0013209197204560041, 0.03483763337135315, 0.013124711811542511, 0.03077586181461811, -0.04478243738412857, 0.023838479071855545, -0.005048495717346668, 0.0025044982321560383, -0.07561583817005157, -0.06543418020009995, -0.04024496302008629, -0.0020041768439114094, -0.05328332632780075, 0.0038619001861661673, -0.11747969686985016, -0.02870417945086956, 0.015247567556798458, 0.043598465621471405, -0.012677237391471863, 0.023955773562192917, 0.06360830366611481, 0.059025488793849945, -0.02038104273378849, -0.042412664741277695, -0.08942292630672455, -0.0006367744645103812, -0.003142894711345434, -0.060259390622377396, -0.0136221032589674, -0.010065860114991665, -0.014664131216704845, -0.021187543869018555, 0.02319505624473095, -0.0055053760297596455, -0.039040982723236084, -0.030747542157769203, -0.0015222019283100963, -0.0262463316321373, -0.07847506552934647, -0.11988414824008942, -0.015605077147483826, 0.05656491219997406, -0.014075362123548985, -0.09926996380090714, 0.04414612799882889, -0.02304270677268505, -0.04210031405091286, 0.04001755639910698, 0.014647291973233223, 0.00042224759818054736, 0.022742964327335358, -0.014822027646005154, -0.08715923875570297, 0.008825681172311306, 0.019597848877310753, -0.00415515573695302, 0.07346341758966446, 0.029062099754810333, 0.11465666443109512, -0.09956276416778564, 0.01986764930188656, 0.03957674279808998, 0.0622640885412693, -0.009580587968230247, 0.09761540591716766, 0.04493720829486847, 0.01499160286039114, 0.03185373544692993, 0.004017805680632591, 0.07346602529287338, -0.12243540585041046, 0.02222960814833641, -0.032893821597099304, 0.04103552922606468, 0.030894678086042404, -0.059520866721868515, 0.030584825202822685, -0.07214505970478058, -0.041425418108701706, 0.05862320959568024, -0.047643810510635376, 0.03373734652996063, -0.02724805288016796, -0.028913753107190132, 0.016862137243151665, -0.01989753171801567, 0.035369183868169785, -0.043385036289691925, -0.029391176998615265, -0.06558509916067123, -0.030634665861725807, -0.0801803320646286, 0.022615814581513405, -0.051530927419662476, -0.10449502617120743, -2.386378061102034e-33, 0.038185007870197296, 0.008163907565176487, 0.016190897673368454, 0.03638696298003197, -0.0481511652469635, -0.05479299649596214, 0.029227621853351593, 0.07600684463977814, -0.03053406998515129, 0.05333583429455757, 0.025497982278466225, -0.032969165593385696, -0.0032516345381736755, 0.006328072398900986, 0.09234238415956497, -0.0287172868847847, -0.009003440849483013, 0.04967976361513138, 0.051146283745765686, 0.07710757106542587, -0.03500305116176605, 0.08696368336677551, -0.11274438351392746, 0.05140099301934242, -0.09747811406850815, -0.003072050167247653, 0.04100645333528519, 0.05004432424902916, 0.06571268290281296, -0.05147179216146469, -0.022163910791277885, -0.013130497187376022, -0.13455481827259064, 0.03778857737779617, -0.04976347088813782, 0.013174415566027164, -0.007167463190853596, 0.04390421882271767, -0.03096664883196354, 0.05719050019979477, 0.018053393810987473, -0.002587131457403302, -0.1578233391046524, 0.027961591258645058, -0.06058403477072716, -0.015844030305743217, -0.019246891140937805, 0.011624539270997047, 0.02819964848458767, -0.007893997244536877, 0.05740811303257942, 0.002533223479986191, -0.1256340593099594, -0.05069251358509064, -0.030822694301605225, -0.03489508479833603, 0.054475605487823486, -0.030650243163108826, -0.03630586341023445, -0.0587579645216465, -0.08851303905248642, -0.05362953990697861, 0.1173425167798996, -0.04143332317471504, -0.054462824016809464, -0.014915095642209053, -0.04506293311715126, 0.08329158276319504, 0.04558785259723663, 0.011120130307972431, 0.022758519276976585, 0.1023077517747879, 0.06623958051204681, -0.0023196260444819927, 0.025369688868522644, -0.004047987516969442, 0.014441370964050293, -0.029881902039051056, 0.0738726407289505, -0.03677856922149658, -0.11555421352386475, -0.015466015785932541, 0.05522136762738228, 0.03787360340356827, 0.017103411257267, -0.05665148049592972, 0.08165513724088669, 0.14118431508541107, 0.056231655180454254, -0.0743987113237381, 0.009010554291307926, -0.005118804518133402, 0.10349538177251816, 0.11593328416347504, -0.00932701863348484, -5.361145127835698e-8, -0.03862050920724869, 0.027819857001304626, -0.0016093624290078878, 0.11527090519666672, -0.04094506800174713, 0.005924593657255173, -0.01023902464658022, -0.041960835456848145, -0.06962259858846664, 0.0022768802009522915, 0.027995886281132698, -0.00889987125992775, -0.07496941089630127, -0.011298860423266888, -0.03803761675953865, 0.06594298779964447, 0.008129212073981762, 0.0936884805560112, 0.005399287212640047, -0.06294484436511993, -0.020493460819125175, -0.016218747943639755, 0.004253337159752846, -0.048248037695884705, 0.025345047935843468, -0.026218272745609283, -0.02897343784570694, 0.06113974750041962, -0.002975798211991787, -0.05600463226437569, 0.05567677691578865, -0.013409441336989403, -0.007333140820264816, 0.014672215096652508, 0.04235824570059776, -0.0015415529487654567, -0.004321350250393152, -0.0195637010037899, 0.08159492909908295, 0.008753924630582333, 0.015876982361078262, 0.05153250694274902, -0.08831164985895157, 0.02345411665737629, 0.03928162902593613, 0.0110582634806633, -0.03909837454557419, -0.08607396483421326, 0.02723553590476513, 0.028264377266168594, 0.08286337554454803, -0.017828496173024178, -0.03637725114822388, 0.060467127710580826, 0.0032284879125654697, 0.018657248467206955, -0.01676064357161522, -0.011402460746467113, 0.010805025696754456, 0.013288198038935661, 0.023052193224430084, -0.03598393499851227, -0.02723756432533264, -0.019321607425808907 ]
huggingtweets/rebeudeter
76944e900bd7defcf17bcfc094d90115eec0c9e2
2022-03-21T17:55:17.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/rebeudeter
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/1421289007753859077/3X1VHMRx_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">Billy ☄️🧡</div> <div style="text-align: center; font-size: 14px;">@rebeudeter</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 Billy ☄️🧡. | Data | Billy ☄️🧡 | | --- | --- | | Tweets downloaded | 3220 | | Retweets | 363 | | Short tweets | 205 | | Tweets kept | 2652 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/3mz5i9lj/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 @rebeudeter's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/1qau529e) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/1qau529e/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/rebeudeter') 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.018737763166427612, 0.12148184329271317, -0.007203331217169762, 0.043281346559524536, 0.1591825783252716, -0.018499378114938736, -0.04236842319369316, 0.03644431382417679, 0.06301891058683395, -0.05392802879214287, 0.009676233865320683, 0.08233711123466492, 0.020103417336940765, -0.026630211621522903, -0.0027932978700846434, 0.034075234085321426, -0.08531168103218079, -0.011830061674118042, -0.038607481867074966, 0.031593646854162216, -0.08786073327064514, -0.09722454845905304, 0.0894199013710022, -0.06715116649866104, -0.05252634733915329, 0.05632258579134941, 0.0019497823668643832, 0.04178250953555107, -0.0012912515085190535, -0.02747221291065216, -0.025671903043985367, 0.022261399775743484, 0.05063599720597267, 0.03360418602824211, -0.012386259622871876, 0.038532428443431854, -0.009027596563100815, 0.01698072999715805, -0.06034915894269943, 0.02942429855465889, -0.017323870211839676, -0.11318811774253845, 0.05306500941514969, 0.024480797350406647, -0.029781842604279518, -0.026493612676858902, -0.021925946697592735, 0.0030580677557736635, -0.03610878810286522, 0.025908837094902992, -0.06263542175292969, -0.06289419531822205, -0.000831650395411998, -0.0053434716537594795, 0.018469970673322678, 0.055830445140600204, 0.018547337502241135, -0.06061330437660217, 0.06078239157795906, -0.003049832535907626, 0.12555617094039917, 0.10253646224737167, 0.07894162833690643, 0.008158872835338116, 0.009352894499897957, -0.0075536249205470085, -0.06463145464658737, 0.05524049699306488, -0.020436953753232956, -0.007087341044098139, 0.021191125735640526, -0.00902919378131628, -0.046654511243104935, -0.04744473472237587, 0.038184791803359985, -0.06864490360021591, -0.016887664794921875, 0.03138870373368263, -0.02451351098716259, 0.054117485880851746, 0.03967161104083061, -0.046290602535009384, 0.016544008627533913, -0.01693294569849968, 0.06095987930893898, 0.01547000277787447, 0.002705276943743229, -0.10529565811157227, -0.03613097220659256, 0.03750328719615936, -0.01215975172817707, -0.011221290566027164, 0.00439003761857748, 0.03452124074101448, -0.03727928549051285, 0.010742709040641785, -0.0677972361445427, -0.13312216103076935, -0.11631729453802109, 0.07358156144618988, -0.0013556554913520813, -0.049412697553634644, 0.0885077714920044, 0.0333467535674572, 0.009366992861032486, -0.023793235421180725, -0.03895173966884613, 0.02006181888282299, -0.0035553365014493465, -0.017074184492230415, 0.02830907143652439, -0.04909183084964752, -0.10227586328983307, 0.006420880556106567, -0.025701384991407394, -0.10594242066144943, -0.0005004853010177612, 0.029593681916594505, 0.10262134671211243, -0.03150349482893944, 0.07775910943746567, 0.14932119846343994, -0.048258643597364426, -0.09424341470003128, 0.0008465109276585281, 0.032306425273418427, -0.04904387146234512, 1.1701039010714011e-32, 0.0700952559709549, 0.01098751649260521, -0.0570715069770813, 0.042587656527757645, 0.10417117178440094, 0.00541689433157444, -0.011822120286524296, -0.048057664185762405, -0.09820858389139175, 0.0009169107652269304, 0.07443733513355255, 0.03006010316312313, -0.005929552949965, 0.0194103866815567, -0.0031922541093081236, -0.09106557071208954, -0.02800155244767666, 0.007951544597744942, -0.010380206629633904, 0.00918214488774538, -0.0994863361120224, 0.042851950973272324, -0.04963329806923866, -0.06407485902309418, -0.05218259617686272, 0.013566777110099792, 0.09026453644037247, -0.05176074430346489, 0.007086965721100569, -0.0007347363862209022, -0.04644565284252167, -0.020569955930113792, 0.06271394342184067, -0.053664032369852066, 0.036081794649362564, -0.004130090121179819, -0.0012127964291721582, -0.08152367919683456, -0.0003530960239004344, 0.04193168506026268, -0.027862979099154472, -0.05908144637942314, 0.05201314389705658, -0.03479759395122528, -0.0539124570786953, 0.07971005886793137, 0.13549591600894928, 0.007000401616096497, -0.0024382921401411295, -0.0595783069729805, -0.02335544116795063, -0.016966085880994797, -0.04552189260721207, -0.08921836316585541, -0.02363513968884945, -0.0915120393037796, -0.006889590993523598, 0.03386455029249191, 0.024446675553917885, -0.01273019053041935, -0.0034800898283720016, -0.06417863070964813, 0.04006025567650795, -0.07337343692779541, 0.048565395176410675, 0.02981799654662609, -0.07794338464736938, -0.029415342956781387, 0.04536495357751846, -0.03617063909769058, -0.048451170325279236, 0.007928757928311825, 0.10360940545797348, -0.041369955986738205, -0.06346122920513153, 0.012273551896214485, -0.010799075476825237, -0.03935392573475838, -0.03381311148405075, 0.03481975570321083, -0.052373118698596954, 0.0011384588433429599, 0.04187771677970886, 0.012271726503968239, -0.02934896945953369, -0.011957915499806404, 0.005686537828296423, -0.0534915030002594, 0.02515009231865406, -0.011256526224315166, -0.1040375828742981, -0.024241192266345024, 0.01845960132777691, -0.09046335518360138, -0.07132386416196823, -1.198885659846094e-32, 0.08649593591690063, -0.001937869586981833, -0.002994576236233115, 0.057599395513534546, 0.08191326260566711, 0.0625147670507431, 0.0644366517663002, 0.06893416494131088, 0.005955093540251255, 0.003178070764988661, 0.041518278419971466, -0.028725454583764076, -0.08626649528741837, -0.03841639310121536, 0.016925059258937836, 0.014588012360036373, 0.07653716951608658, -0.02709340862929821, -0.04270801693201065, 0.023192139342427254, 0.011437022127211094, 0.03458024188876152, -0.010704155080020428, 0.09354119002819061, -0.07115936279296875, -0.009166534058749676, 0.08433621376752853, -0.0056160008534789085, -0.009479945525527, 0.020098578184843063, -0.04488940164446831, -0.08881358057260513, -0.038253236562013626, 0.056009579449892044, 0.07177278399467468, 0.003948208875954151, -0.07044650614261627, -0.025013064965605736, -0.03609200939536095, -0.04942675679922104, 0.016609081998467445, -0.0944884866476059, -0.05259018763899803, -0.014574620872735977, 0.04149949550628662, -0.043731722980737686, 0.02276366762816906, -0.03176441043615341, -0.013736334629356861, 0.03174981847405434, 0.032086119055747986, 0.028527917340397835, -0.009287863038480282, -0.026767756789922714, -0.022439884021878242, -0.10347509384155273, -0.041788261383771896, 0.02520667389035225, 0.004647059831768274, 0.024928826838731766, 0.026366129517555237, 0.0037852542009204626, -0.019534144550561905, -0.003034325549378991, 0.05942992866039276, 0.0498017780482769, -0.07351434975862503, 0.03691288083791733, -0.08649797737598419, 0.0012022090377286077, 0.031321726739406586, 0.055512282997369766, 0.05138108506798744, -0.0016763284802436829, 0.04501206427812576, -0.02314147539436817, 0.09096992015838623, -0.0010826592333614826, 0.07095184177160263, -0.00008269235695479438, -0.07733917981386185, -0.06729947775602341, -0.04356585443019867, -0.0100652314722538, -0.06735501438379288, -0.0024759755469858646, -0.028922809287905693, 0.1092887595295906, -0.025124194100499153, -0.03833874315023422, -0.04193063825368881, 0.07883920520544052, 0.06124382093548775, 0.03556475415825844, 0.0662054792046547, -6.731614377031292e-8, -0.042781729251146317, -0.08105156570672989, -0.0031919367611408234, 0.005212306044995785, -0.049132492393255234, 0.029317425563931465, 0.04584402218461037, -0.15236444771289825, -0.025529587641358376, -0.04951858893036842, 0.03427118808031082, 0.018965451046824455, -0.06288719922304153, 0.03233739361166954, -0.03945671766996384, 0.01689055934548378, -0.10864130407571793, 0.08518582582473755, -0.0002955758827738464, -0.06261299550533295, -0.020091546699404716, 0.0395132452249527, 0.030219705775380135, -0.020996101200580597, -0.0005183047032915056, 0.07476500421762466, -0.10332922637462616, -0.005485930945724249, 0.023328473791480064, -0.007314710412174463, 0.03700580820441246, -0.04817288741469383, 0.030225319787859917, -0.04854818060994148, -0.005696328356862068, -0.05755765363574028, -0.04469901695847511, -0.03417563810944557, -0.001960142981261015, 0.010593445040285587, 0.0360884889960289, 0.01314739603549242, 0.07330452650785446, 0.049492329359054565, -0.02276516519486904, 0.013951700180768967, 0.042595408856868744, 0.0031090329866856337, 0.02083282731473446, 0.02983929216861725, -0.024087704718112946, -0.07659732550382614, 0.010794525034725666, 0.029974814504384995, 0.04846999794244766, 0.0020611160434782505, -0.00445546256378293, 0.054252542555332184, 0.009829282760620117, 0.07353433221578598, 0.03381004184484482, 0.05664006993174553, -0.0025646546855568886, 0.06651502102613449 ]
ukr-models/uk-morph-quantized
a12725c157526fa38278b9dd112b31e30800e4cc
2022-03-22T17:29:18.000Z
[ "pytorch", "uk", "ukrainian", "license:mit" ]
null
false
ukr-models
null
ukr-models/uk-morph-quantized
0
null
null
--- language: - uk tags: - ukrainian license: mit --- ## Model Description Quantized version [uk-morph model](https://huggingface.co/ukr-models/uk-morph). Returns both UPOS and morphological features (joined by double underscore symbol) ## How to Use After cloning the repository, please use the following code (download script get_predictions.py from the repository, it uses [package tokenize_uk](https://pypi.org/project/tokenize_uk/) for splitting) ```py from transformers import AutoTokenizer import torch from get_predictions import get_word_predictions tokenizer = AutoTokenizer.from_pretrained("./") model = torch.load("./pytorch_model.bin") with open('./morph_labels.txt', 'r') as labels_file: labels_list = labels_file.readlines() labels_list = [label.strip() for label in labels_list] texts = ["Могила Тараса Шевченка — місце поховання видатного українського поета Тараса Шевченка в місті Канів (Черкаська область) на Чернечій горі, над яким із 1939 року височіє бронзовий пам'ятник роботи скульптора Матвія Манізера."] get_word_predictions(model, tokenizer, texts, labels_list) ```
[ -0.09449508041143417, -0.0410633385181427, 0.03665933012962341, 0.007104117423295975, -0.0009600414196029305, -0.020571475848555565, 0.034656550735235214, 0.04379281774163246, -0.03324989974498749, -0.044400159269571304, 0.06807646155357361, -0.07576523721218109, -0.06397572159767151, 0.05712578073143959, 0.07253273576498032, 0.08833497762680054, -0.07356828451156616, 0.033778876066207886, -0.09182952344417572, -0.11551810055971146, 0.14461855590343475, 0.0076926411129534245, 0.06987176835536957, 0.06755747646093369, 0.09214939177036285, 0.008907455950975418, -0.03995497524738312, 0.05893992260098457, 0.02680141292512417, 0.0036027184687554836, -0.012201917357742786, 0.0128353051841259, -0.011449718847870827, -0.020508697256445885, 0.11222240328788757, 0.08725853264331818, -0.045886825770139694, -0.01806294545531273, 0.03900841996073723, -0.027446908876299858, 0.039062898606061935, -0.09527887403964996, -0.035341959446668625, -0.019162137061357498, 0.04731817916035652, 0.07148690521717072, 0.048950355499982834, -0.021557705476880074, -0.012929956428706646, -0.07052654027938843, 0.0042702918872237206, -0.058375872671604156, 0.006503088865429163, 0.038367293775081635, -0.05620264261960983, -0.02726629003882408, 0.004899171646684408, -0.028737839311361313, 0.008390220813453197, -0.12903426587581635, -0.11973325908184052, 0.024396749213337898, -0.00406881608068943, 0.021156659349799156, -0.0793316438794136, -0.01981206424534321, 0.006386436056345701, -0.010945231653749943, 0.020738722756505013, 0.01137437392026186, -0.00865957047790289, -0.02228342927992344, 0.01279541291296482, 0.02859807386994362, 0.03819388523697853, 0.025045325979590416, 0.10979309678077698, 0.046749625355005264, 0.016638698056340218, -0.06850697100162506, 0.02363755740225315, -0.015997257083654404, 0.07875245064496994, 0.03092212975025177, 0.020467860624194145, -0.0012588563840836287, 0.007243733387440443, 0.005046052858233452, -0.033382244408130646, -0.011387172155082226, -0.046196866780519485, -0.11880601942539215, 0.05405370518565178, 0.035567231476306915, 0.001061455113813281, 0.023837512359023094, 0.06882664561271667, 0.009112034924328327, -0.03818647563457489, 0.07194840908050537, -0.053095944225788116, 0.0005103148869238794, 0.049210403114557266, 0.013381938450038433, -0.040407437831163406, -0.04191179946064949, -0.015726471319794655, -0.02288234606385231, 0.08975469321012497, -0.03676242381334305, 0.023302946239709854, -0.03294363245368004, -0.005356736481189728, -0.012455616146326065, 0.0323319211602211, 0.007382276467978954, -0.04924389347434044, 0.04375762119889259, -0.008075510151684284, 0.06759839504957199, 0.02273363433778286, -0.011663160286843777, -0.0327407605946064, 0.10318644344806671, -0.053259823471307755, -0.0006864817114546895, -0.08560525625944138, 1.7862521954927622e-33, 0.011343766935169697, 0.05850540101528168, 0.0031453671399503946, -0.002014194382354617, -0.026904139667749405, -0.02684403397142887, -0.017598873004317284, -0.050816088914871216, -0.09172294288873672, -0.029698694124817848, -0.08924570679664612, 0.019411664456129074, -0.07852210104465485, 0.02787581831216812, -0.12609127163887024, -0.029997434467077255, 0.0284105334430933, 0.08012033253908157, 0.00699489563703537, 0.021927684545516968, 0.04594418406486511, 0.05316785350441933, -0.05377626046538353, -0.04791566729545593, -0.08213818818330765, -0.0230402834713459, -0.010583200491964817, -0.0970614105463028, -0.009885208681225777, 0.0009712863829918206, -0.02906537614762783, -0.03856544941663742, 0.03254733979701996, 0.0230044424533844, -0.07308796048164368, -0.052233729511499405, -0.01774638518691063, -0.06710020452737808, -0.08595864474773407, -0.08137969672679901, 0.03406944125890732, 0.04551606997847557, -0.03195795789361, -0.05242587998509407, 0.04285743460059166, -0.01532331295311451, -0.07248737663030624, 0.0280917901545763, 0.010786956176161766, -0.004426965955644846, 0.03481549024581909, -0.009482787922024727, -0.06628888845443726, 0.03189179301261902, -0.007214514072984457, 0.02688663639128208, 0.04989840090274811, -0.00411140825599432, 0.1002691462635994, -0.10679706186056137, 0.02998984418809414, 0.05459831655025482, 0.06955055892467499, -0.03363637626171112, 0.035369113087654114, 0.004261914175003767, 0.007561953272670507, 0.01869012787938118, -0.021537767723202705, 0.12655200064182281, -0.11317157745361328, 0.021790532395243645, -0.07105285674333572, 0.03279321640729904, 0.03018997423350811, -0.05916941910982132, 0.029158838093280792, -0.07994437962770462, -0.042306799441576004, 0.08036788552999496, -0.055399708449840546, 0.04210377484560013, -0.020629527047276497, -0.053565818816423416, 0.02246195822954178, -0.006155988201498985, 0.06286562979221344, -0.0442730188369751, -0.037392888218164444, -0.043003443628549576, -0.04092082753777504, -0.043179575353860855, 0.014539177529513836, -0.034698888659477234, -0.08552772551774979, -3.5410676312827054e-33, 0.025027722120285034, 0.001363225164823234, 0.002547298325225711, 0.028431620448827744, -0.08045385032892227, -0.03398553654551506, 0.04262880980968475, 0.08383689820766449, -0.0002265068906126544, 0.013373242691159248, 0.022080490365624428, -0.03888576477766037, 0.020611412823200226, -0.057595670223236084, 0.11037014424800873, -0.052227117121219635, -0.021458299830555916, 0.06164760887622833, 0.08322195708751678, 0.11110386252403259, -0.04896758496761322, 0.0743836760520935, -0.11445914208889008, 0.042382415384054184, -0.11431319266557693, -0.004948223475366831, 0.01166516076773405, 0.05012175440788269, 0.03519444167613983, -0.048854339867830276, -0.03696179762482643, -0.01598200388252735, -0.12250833213329315, 0.03453897684812546, -0.04152031987905502, -0.0022633180487900972, -0.022634148597717285, -0.047188423573970795, -0.004976348485797644, 0.0599486343562603, 0.012543391436338425, -0.007778414059430361, -0.1113329604268074, 0.04202309995889664, -0.044319894164800644, -0.024728871881961823, 0.006101073231548071, 0.027635818347334862, 0.0375165157020092, -0.002009984105825424, 0.06032143160700798, 0.016154875978827477, -0.1034313440322876, -0.005675601307302713, -0.017314765602350235, -0.028222139924764633, 0.025908159092068672, 0.0021829474717378616, -0.07223362475633621, -0.02712182141840458, -0.06631317734718323, -0.056119367480278015, 0.06170395016670227, -0.040294576436281204, -0.01091067586094141, 0.019883839413523674, -0.055894363671541214, 0.0016402153996750712, 0.045057736337184906, -0.00040823090239427984, -0.008398719131946564, 0.07307889312505722, 0.05594763159751892, 0.020806660875678062, 0.04384101182222366, -0.013724657706916332, -0.04306354746222496, -0.033596646040678024, 0.06228989362716675, -0.030994726344943047, -0.10583736002445221, 0.015578852966427803, 0.037490345537662506, 0.07656372338533401, 0.020045535638928413, -0.038354262709617615, 0.0712370052933693, 0.1580432802438736, 0.03910098597407341, -0.07267682254314423, 0.049891844391822815, 0.010981300845742226, 0.07644788920879364, 0.14114943146705627, 0.04442163556814194, -5.292025662129163e-8, -0.00917936209589243, 0.03591495007276535, 0.004796772729605436, 0.03682703152298927, -0.03243506699800491, -0.012199360877275467, -0.0023830982390791178, -0.03919178619980812, -0.05909937247633934, -0.042499613016843796, 0.023137321695685387, -0.008362339809536934, -0.05718296021223068, -0.009357319213449955, 0.006306933239102364, 0.023979678750038147, -0.006864101625978947, 0.16326738893985748, -0.007432292215526104, -0.034596726298332214, -0.00021338160149753094, -0.0035173038486391306, 0.008852073922753334, -0.034966617822647095, 0.01995920203626156, -0.00666464539244771, -0.01705845817923546, 0.045334670692682266, -0.04454789310693741, -0.028703032061457634, 0.06322060525417328, -0.011942561715841293, 0.0006837281980551779, 0.030811982229351997, 0.017699694260954857, 0.04469848796725273, -0.011055291630327702, 0.003025556681677699, 0.06907720863819122, 0.040247008204460144, 0.0627538338303566, -0.00741149066016078, -0.05622424930334091, 0.019968241453170776, 0.044794827699661255, 0.015047877095639706, 0.028154633939266205, -0.07304026186466217, -0.005885724443942308, 0.06233079731464386, 0.08874133974313736, 0.01341994944959879, -0.003725232556462288, 0.05084681138396263, -0.006338371895253658, -0.024384651333093643, 0.008040445856750011, 0.012612237595021725, -0.013593299314379692, 0.03185395896434784, 0.018207542598247528, -0.03931727260351181, 0.018229691311717033, -0.035398002713918686 ]
huggingtweets/elonmusk-garyvee
88928fcdde48869ffd1447940415455d43ec6f25
2022-03-21T19:57:10.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/elonmusk-garyvee
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/elonmusk-garyvee/1647892564866/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/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/1493524673962852353/qRxbC9Xq_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 & Gary Vaynerchuk</div> <div style="text-align: center; font-size: 14px;">@elonmusk-garyvee</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 & Gary Vaynerchuk. | Data | Elon Musk | Gary Vaynerchuk | | --- | --- | --- | | Tweets downloaded | 2200 | 3247 | | Retweets | 102 | 712 | | Short tweets | 671 | 842 | | Tweets kept | 1427 | 1693 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/abt9l46e/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-garyvee's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/4wls4y5v) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/4wls4y5v/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-garyvee') 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.025793155655264854, 0.12239518016576767, -0.005049446597695351, 0.04377458989620209, 0.17478501796722412, -0.011287249624729156, -0.04141111671924591, 0.037105582654476166, 0.06767992675304413, -0.05688946694135666, -0.0020295078866183758, 0.05941734462976456, 0.0343400202691555, -0.020860640332102776, -0.007426028605550528, 0.0438726469874382, -0.08876678347587585, -0.03933718055486679, -0.061372704803943634, -0.0033963448368012905, -0.0772048681974411, -0.09349466860294342, 0.08266456425189972, -0.04545024409890175, -0.04592714086174965, 0.07354995608329773, -0.009378623217344284, 0.06502068787813187, -0.0097762830555439, -0.01648063212633133, -0.043621063232421875, 0.022105984389781952, 0.04648119956254959, 0.03365015611052513, -0.04331604018807411, 0.035141974687576294, -0.044284749776124954, 0.024091403931379318, -0.05559694766998291, 0.024822691455483437, -0.012206779792904854, -0.10757465660572052, 0.052040454000234604, 0.04690499231219292, -0.029312582686543465, -0.027763646095991135, -0.025858405977487564, -0.01419765967875719, -0.054997291415929794, 0.03834008425474167, -0.07289134711027145, -0.06530389934778214, 0.010488168336451054, -0.005103124771267176, 0.006543656811118126, 0.06867282837629318, 0.025201519951224327, -0.045743945986032486, 0.0782007947564125, -0.04066869616508484, 0.10880950093269348, 0.07961605489253998, 0.07054531574249268, -0.0012778816744685173, 0.0006501367897726595, -0.026151569560170174, -0.06168881058692932, 0.04889323189854622, -0.03327389806509018, -0.01678900048136711, 0.032534390687942505, -0.0027971791569143534, -0.011625682935118675, -0.03942989557981491, 0.061475396156311035, -0.03968280553817749, -0.020640738308429718, 0.028706206008791924, -0.027952812612056732, 0.04190249741077423, 0.0362485833466053, -0.05733812600374222, 0.00900696124881506, -0.039350591599941254, 0.06619204580783844, 0.03189130127429962, 0.003938495181500912, -0.08385065197944641, -0.029145436361432076, 0.023118287324905396, -0.013989526778459549, -0.030421240255236626, -0.01385106798261404, 0.04313846305012703, -0.04771636426448822, 0.04018501564860344, -0.03989100828766823, -0.15490353107452393, -0.12857641279697418, 0.0656251385807991, 0.002567737130448222, -0.05997191369533539, 0.06463475525379181, 0.02626265585422516, 0.026004809886217117, -0.04592345282435417, -0.030328918248414993, 0.021817272529006004, 0.0065815020352602005, -0.017743099480867386, 0.03772296383976936, -0.03981572389602661, -0.09459143131971359, 0.017343441024422646, -0.024588344618678093, -0.09480734914541245, -0.015678342431783676, 0.0319475382566452, 0.08171189576387405, -0.024295521900057793, 0.06207357347011566, 0.14893673360347748, -0.034714970737695694, -0.09211324155330658, 0.005974104627966881, 0.02095530368387699, -0.056332673877477646, 1.119086270751363e-32, 0.06516245007514954, 0.00960306916385889, -0.051966093480587006, 0.05979153513908386, 0.09845250099897385, 0.006929558701813221, -0.0262454804033041, -0.026089897379279137, -0.08816137164831161, -0.023473456501960754, 0.052423927932977676, 0.02108119986951351, -0.00015969813102856278, 0.008662054315209389, -0.0018187507521361113, -0.09744574874639511, -0.028939420357346535, -0.0007064098608680069, -0.03172647953033447, 0.022833120077848434, -0.11907223612070084, 0.05055895447731018, -0.039440035820007324, -0.06798132508993149, -0.05396144464612007, 0.017949869856238365, 0.08845141530036926, -0.04536035656929016, -0.005198199301958084, 0.006141231395304203, -0.04422152787446976, -0.012193634174764156, 0.05986747890710831, -0.06048726290464401, 0.03977172076702118, 0.010393473319709301, 0.008998977951705456, -0.0847972184419632, -0.008382396772503853, 0.045532215386629105, -0.029346346855163574, -0.05259652063250542, 0.05346131697297096, -0.04043005779385567, -0.04874909296631813, 0.08729754388332367, 0.1240081787109375, 0.018170159310102463, -0.026562705636024475, -0.03858153149485588, -0.03955690562725067, -0.01795157790184021, -0.05123196169734001, -0.11349605023860931, -0.010248134844005108, -0.08446413278579712, 0.010424734093248844, 0.013800077140331268, 0.03792233020067215, -0.03778393194079399, 0.0011952584609389305, -0.05770055577158928, 0.03433144465088844, -0.08152347803115845, 0.030416831374168396, 0.04711722210049629, -0.08517991006374359, -0.03220686689019203, 0.04413238540291786, -0.020479708909988403, -0.021356016397476196, 0.006559017580002546, 0.09920225292444229, -0.038812022656202316, -0.033837538212537766, 0.03518054634332657, -0.015837041661143303, -0.044605400413274765, -0.03203047066926956, 0.02672697976231575, -0.05175681412220001, -0.005756602622568607, 0.0260189026594162, -0.0030941246077418327, -0.024518776684999466, -0.02201833948493004, -0.004064900800585747, -0.05198274552822113, 0.013021161779761314, 0.004227831959724426, -0.10492591559886932, -0.0060755908489227295, 0.03949503228068352, -0.08478664606809616, -0.07986081391572952, -1.182170277114195e-32, 0.03873329609632492, 0.01045270450413227, -0.013561406172811985, 0.054472021758556366, 0.09190433472394943, 0.055142272263765335, 0.04484952613711357, 0.06842189282178879, 0.00048601097660139203, -0.001178002217784524, 0.04395623505115509, -0.020426159724593163, -0.08670505881309509, -0.04732882231473923, 0.006340980529785156, 0.020618826150894165, 0.06643294543027878, -0.03858994320034981, -0.037283048033714294, 0.0261294674128294, 0.017540594562888145, 0.02691393904387951, -0.01793903298676014, 0.10044405609369278, -0.056428197771310806, -0.00480484077706933, 0.08918587118387222, -0.004550544545054436, -0.011659637093544006, 0.009324862621724606, -0.05088448524475098, -0.09431291371583939, -0.022524075582623482, 0.07882224023342133, 0.04955099895596504, 0.007917494513094425, -0.05097417160868645, -0.05426516756415367, -0.037614110857248306, -0.04095872864127159, 0.02565636672079563, -0.10190236568450928, -0.06901419162750244, -0.008593888022005558, 0.026589103043079376, -0.050461649894714355, 0.041144147515296936, -0.014562806114554405, 0.008926350623369217, 0.046983297914266586, 0.04700736328959465, 0.04853899031877518, -0.02761627361178398, -0.011351624503731728, -0.029337354004383087, -0.09052050858736038, -0.04921529069542885, 0.02894832007586956, 0.008990946225821972, 0.02395636960864067, 0.012624628841876984, 0.019496425986289978, -0.011491570621728897, 0.029574468731880188, 0.053204651921987534, 0.02712889388203621, -0.07268785685300827, 0.046715784817934036, -0.06412889808416367, 0.0031804516911506653, 0.01710847020149231, 0.067437544465065, 0.04201240465044975, -0.019627170637249947, 0.05145351216197014, -0.021998966112732887, 0.10299918055534363, 0.02177700772881508, 0.0887213870882988, 0.0037244970444589853, -0.09003931283950806, -0.05091353505849838, -0.030702738091349602, -0.009346913546323776, -0.04269450902938843, -0.007026285398751497, -0.021332399919629097, 0.10049176216125488, -0.022922296077013016, -0.039336103945970535, -0.032740719616413116, 0.08512549847364426, 0.055108267813920975, 0.046128641813993454, 0.07423039525747299, -6.778517303018816e-8, -0.05349837616086006, -0.07518652826547623, -0.017831165343523026, 0.017738373950123787, -0.04177715629339218, 0.03528830036520958, 0.03594702482223511, -0.14795534312725067, -0.013656623661518097, -0.04111853614449501, 0.04271906614303589, 0.021525822579860687, -0.07704249024391174, 0.034252654761075974, -0.035470619797706604, 0.013308491557836533, -0.11150626838207245, 0.07747438549995422, 0.003712455276399851, -0.047451749444007874, 0.005326119717210531, 0.02145734429359436, 0.01504959911108017, -0.01711537316441536, 0.0009427339537069201, 0.047195568680763245, -0.12284772098064423, 0.0026925168931484222, 0.004764104727655649, -0.011417404748499393, 0.038441941142082214, -0.06591919809579849, 0.017334850504994392, -0.0548398531973362, -0.0030577690340578556, -0.060488950461149216, -0.03226528689265251, -0.03308822214603424, 0.03972921147942543, 0.039313796907663345, 0.04552966356277466, 0.01308700442314148, 0.06865217536687851, 0.045882582664489746, -0.015208052471280098, 0.009277580305933952, 0.04920390993356705, -0.015858735889196396, 0.03540404513478279, 0.028845032677054405, -0.029831556603312492, -0.07876095920801163, 0.011188816279172897, 0.019122790545225143, 0.07971352338790894, -0.010110435076057911, 0.0017560990527272224, 0.0519062876701355, -0.012919915840029716, 0.0743279829621315, 0.043387819081544876, 0.04325351119041443, -0.007013256661593914, 0.07089697569608688 ]
kazandaev/opus-mt-en-ru-finetuned-v2
41160cf6ad82e56f8c1698870e50268a54af1349
2022-03-22T15:25:15.000Z
[ "pytorch", "marian", "text2text-generation", "transformers", "generated_from_trainer", "model-index", "autotrain_compatible" ]
text2text-generation
false
kazandaev
null
kazandaev/opus-mt-en-ru-finetuned-v2
0
null
transformers
--- tags: - generated_from_trainer metrics: - bleu model-index: - name: opus-mt-en-ru-finetuned-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. --> # opus-mt-en-ru-finetuned-v2 This model was trained from scratch on the None dataset. It achieves the following results on the evaluation set: - Loss: 0.7517 - Bleu: 41.0306 - Gen Len: 29.5078 ## 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: 1e-05 - train_batch_size: 20 - eval_batch_size: 20 - seed: 42 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - num_epochs: 5 ### Training results | Training Loss | Epoch | Step | Bleu | Gen Len | Validation Loss | |:-------------:|:-----:|:------:|:-------:|:-------:|:---------------:| | 0.8091 | 1.0 | 85978 | 39.9389 | 29.6753 | 0.7727 | | 0.7826 | 2.0 | 171956 | 0.7679 | 40.1955 | 29.5947 | | 0.7804 | 3.0 | 257934 | 0.7609 | 40.3659 | 29.5642 | | 0.7695 | 4.0 | 343912 | 0.7551 | 40.7947 | 29.5568 | | 0.7546 | 5.0 | 429890 | 0.7517 | 41.0306 | 29.5078 | ### Framework versions - Transformers 4.17.0 - Pytorch 1.11.0+cu113 - Datasets 2.0.0 - Tokenizers 0.11.6
[ -0.049545563757419586, -0.06721390038728714, -0.05041788890957832, 0.04942972958087921, 0.0003470306983217597, 0.07523900270462036, 0.009010769426822662, 0.007543024141341448, -0.07996949553489685, -0.10463821142911911, 0.02523856796324253, -0.07918834686279297, -0.024595186114311218, -0.07412455230951309, -0.09242075681686401, 0.033704716712236404, 0.06645809859037399, -0.04842061921954155, -0.0919734314084053, 0.011738520115613937, 0.04584817588329315, 0.03581911325454712, 0.04539571329951286, 0.07324464619159698, 0.011402887292206287, 0.01959608495235443, -0.042835455387830734, 0.033077504485845566, 0.04298719763755798, -0.05960488319396973, 0.07334285974502563, 0.016396690160036087, 0.043655965477228165, 0.03359883278608322, 0.0576416477560997, 0.025683682411909103, -0.02765483222901821, -0.044783610850572586, -0.030156904831528664, 0.006915120407938957, 0.013560050167143345, -0.04989861324429512, -0.07968587428331375, 0.07219313830137253, 0.0678815171122551, 0.019201425835490227, -0.0563596747815609, -0.038979802280664444, -0.01083476934581995, 0.016590634360909462, -0.11485976725816727, -0.04900156706571579, 0.04709383100271225, -0.012510718777775764, -0.034144576638936996, 0.05812561511993408, -0.02308180369436741, -0.013478933833539486, 0.0322277657687664, -0.010158807039260864, -0.035641223192214966, -0.006189619190990925, -0.08054816722869873, -0.03562809154391289, -0.051542773842811584, -0.03679995611310005, -0.0353396050632, -0.0019937395118176937, 0.028743522241711617, -0.0032738670706748962, 0.0764935165643692, 0.020146653056144714, -0.03008512407541275, 0.026525696739554405, -0.01369746495038271, 0.0336422361433506, 0.024274351075291634, 0.03326089307665825, 0.014226816594600677, -0.1005425676703453, 0.0020237439312040806, -0.0569668672978878, 0.03859073296189308, -0.048189084976911545, 0.03801826387643814, -0.007428241893649101, 0.0813576951622963, -0.04658718407154083, 0.03496253862977028, -0.028485847637057304, -0.016706544905900955, -0.015472660772502422, -0.00849198643118143, 0.01153618935495615, 0.06055251881480217, 0.038607675582170486, 0.007472793571650982, -0.005030374974012375, -0.03196939080953598, 0.11345304548740387, -0.04905214533209801, 0.041215311735868454, 0.0031412041280418634, 0.05324592813849449, -0.033116310834884644, 0.0025220538955181837, 0.06146940216422081, 0.09218824654817581, 0.08648800849914551, -0.04045901820063591, 0.10096276551485062, 0.04392596334218979, 0.001304429373703897, 0.02464730478823185, 0.07082883268594742, 0.09361342340707779, -0.02999122440814972, 0.05514721944928169, -0.05264398455619812, 0.10484310239553452, -0.04562405124306679, -0.028937499970197678, -0.033866606652736664, 0.00439218757674098, -0.08842526376247406, -0.07309938967227936, -0.06666269153356552, 4.6839129938528885e-33, 0.06459546089172363, 0.022100133821368217, -0.023216944187879562, -0.060706887394189835, -0.02872447483241558, 0.01578836515545845, -0.049720898270606995, -0.013418871909379959, -0.029143821448087692, -0.045992378145456314, -0.1084209531545639, -0.041772209107875824, -0.04475434124469757, 0.10141561180353165, 0.03073837235569954, -0.009000874124467373, -0.01001233235001564, 0.07564616948366165, 0.072420634329319, 0.03153035044670105, 0.11771932244300842, 0.02169640175998211, -0.03443434089422226, -0.11990903317928314, -0.030086366459727287, 0.09803017973899841, 0.03751325607299805, -0.04820016771554947, -0.03261332958936691, 0.05360902473330498, -0.055490728467702866, 0.0004522954404819757, -0.02497764490544796, 0.012764347717165947, -0.020595407113432884, 0.0219691451638937, -0.02769448794424534, 0.03800060600042343, -0.01746928133070469, -0.06597714871168137, 0.017133863642811775, 0.01040057372301817, 0.00014179194113239646, -0.07216784358024597, -0.05611807480454445, -0.054534029215574265, 0.08829706907272339, 0.0035308983642607927, 0.05109206587076187, 0.030168812721967697, -0.06767357140779495, -0.01845731772482395, 0.02448648400604725, -0.049681466072797775, -0.042194217443466187, 0.025783922523260117, 0.06470242887735367, 0.12888337671756744, 0.012477419339120388, 0.02076776511967182, 0.08352378010749817, 0.053999848663806915, 0.017065895721316338, -0.00516883609816432, 0.014105396345257759, -0.027526242658495903, -0.03056434541940689, -0.07437516003847122, 0.050884656608104706, -0.018256740644574165, -0.1384054720401764, -0.016716575250029564, 0.047915760427713394, -0.031311631202697754, 0.09969322383403778, -0.09202997386455536, 0.023473307490348816, -0.028439775109291077, -0.027441130951046944, -0.03535788878798485, -0.029286274686455727, 0.06567422300577164, -0.016463110223412514, -0.06827051192522049, -0.036531973630189896, -0.0602751299738884, 0.007869054563343525, -0.05225386843085289, -0.020588120445609093, 0.011690077371895313, 0.006055888719856739, -0.0017641755985096097, -0.11067065596580505, 0.014361278153955936, -0.03997153043746948, -4.7480909446459545e-33, 0.03869577869772911, 0.05787624791264534, -0.0003447906346991658, 0.08789914101362228, -0.014316792599856853, -0.02016102336347103, 0.07151324301958084, 0.11144524812698364, -0.07235211879014969, -0.013022414408624172, 0.0937640517950058, -0.02827787771821022, -0.03963608294725418, -0.03432358056306839, 0.017259353771805763, 0.011080597527325153, -0.032016728073358536, 0.013477364555001259, -0.0028518580365926027, -0.019596844911575317, 0.022447621449828148, 0.12456712126731873, -0.052637144923210144, 0.05690702423453331, -0.010276027023792267, -0.0016865157522261143, 0.08268404006958008, 0.10111036896705627, 0.04695716127753258, -0.04581272974610329, 0.012567856349050999, 0.016885798424482346, -0.08309534937143326, 0.010761390440165997, -0.004518467932939529, 0.07748003304004669, 0.03454018384218216, 0.003787181805819273, -0.023857515305280685, 0.09981907904148102, 0.03046957217156887, 0.11337830871343613, -0.08168882876634598, 0.021556753665208817, 0.0036679350305348635, 0.004040006548166275, 0.049032192677259445, -0.029742609709501266, 0.006638237275183201, -0.07247374951839447, 0.022227326408028603, -0.06882479041814804, -0.08480674773454666, -0.016349229961633682, -0.02395928092300892, -0.09179024398326874, -0.022047551348805428, -0.017406899482011795, -0.06329640001058578, 0.02295476756989956, -0.02889862097799778, 0.017680397257208824, -0.011625568382441998, -0.033573754131793976, -0.0016075224848464131, -0.014747746288776398, -0.04426382854580879, 0.05152558535337448, 0.02628125250339508, 0.04528212174773216, 0.009899736382067204, 0.031646762043237686, 0.06360488384962082, 0.0693822056055069, -0.052645243704319, 0.013773034326732159, -0.06635395437479019, -0.0054466319270431995, 0.004963407758623362, -0.10577566921710968, -0.032873548567295074, -0.008431890979409218, 0.016683265566825867, 0.06182713806629181, 0.08026984333992004, 0.08419738709926605, 0.07331284880638123, 0.06468387693166733, 0.0019090543501079082, -0.024839334189891815, 0.04966629669070244, -0.0018158502643927932, 0.025456298142671585, 0.11582387983798981, -0.007646235171705484, -5.866505503604458e-8, -0.0064100176095962524, 0.028079928830266, -0.012930273078382015, 0.10719048231840134, 0.04734271019697189, -0.032279543578624725, -0.04024433344602585, -0.01973150111734867, -0.0410299189388752, -0.010251984000205994, 0.017849788069725037, -0.02074448950588703, -0.11224865913391113, 0.013146862387657166, 0.011951551772654057, 0.02601311169564724, -0.04967665672302246, 0.09694354236125946, -0.013527980074286461, -0.017225919291377068, 0.07143983244895935, -0.005641007795929909, 0.04084844887256622, -0.07281975448131561, 0.0670555979013443, -0.09993081539869308, -0.03357166051864624, 0.07960550487041473, -0.0166110061109066, -0.019454868510365486, 0.08100864291191101, 0.015752410516142845, 0.019019726663827896, -0.031645748764276505, 0.0054030525498092175, 0.08716776967048645, -0.0435304157435894, 0.023920737206935883, 0.028255045413970947, 0.01586274988949299, -0.06820529699325562, 0.03866300359368324, -0.01888076402246952, -0.026195621117949486, 0.03844797611236572, -0.0013403726043179631, -0.027240406721830368, -0.08231984078884125, 0.015861643478274345, -0.05544619634747505, 0.04751911759376526, -0.053333353251218796, -0.043967097997665405, 0.0366104356944561, 0.03969322517514229, -0.007947622798383236, -0.06520991027355194, -0.0413832925260067, 0.035638801753520966, 0.0036459516268223524, 0.020270658656954765, -0.039607059210538864, -0.0734642744064331, -0.016705291345715523 ]
ntoldalagi/C0_LID_DEV
78039d1646f5ec0eaace16c43e50e25e410582c7
2022-03-28T15:46:21.000Z
[ "pytorch", "tensorboard", "wav2vec2", "automatic-speech-recognition", "transformers", "generated_from_trainer", "license:apache-2.0", "model-index" ]
automatic-speech-recognition
false
ntoldalagi
null
ntoldalagi/C0_LID_DEV
0
null
transformers
--- license: apache-2.0 tags: - generated_from_trainer model-index: name: C0_LID_DEV --- <!-- 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. --> # C0_LID_DEV This model is a fine-tuned version of [facebook/wav2vec2-xls-r-300m](https://huggingface.co/facebook/wav2vec2-xls-r-300m) on an unknown dataset. It achieves the following results on the evaluation set: - Loss: inf - Wer: 0.8267 ## 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: 4 - eval_batch_size: 8 - seed: 42 - gradient_accumulation_steps: 2 - total_train_batch_size: 8 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: linear - lr_scheduler_warmup_steps: 500 - num_epochs: 1 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | Wer | |:-------------:|:-----:|:-----:|:---------------:|:------:| | No log | 0.0 | 25 | inf | 0.8426 | | 1.5354 | 0.17 | 2000 | inf | 0.8198 | | 1.5688 | 0.33 | 4000 | inf | 0.8271 | | 1.5294 | 0.5 | 6000 | inf | 0.8339 | | 1.1947 | 0.67 | 8000 | inf | 0.8260 | | 1.1534 | 0.83 | 10000 | inf | 0.8267 | | 1.1484 | 1.0 | 12000 | inf | 0.8267 | ### Framework versions - Transformers 4.11.3 - Pytorch 1.10.2+cu113 - Datasets 1.18.3 - Tokenizers 0.10.3
[ -0.030489398166537285, -0.020336395129561424, -0.061387769877910614, 0.03297301381826401, 0.06273745000362396, -0.029207060113549232, -0.05007264390587807, -0.060718435794115067, -0.05525980889797211, -0.08931560814380646, 0.020631002262234688, -0.10958268493413925, 0.012471603229641914, -0.05957385152578354, -0.11829939484596252, 0.01618318259716034, 0.041664160788059235, -0.06526646018028259, -0.07437543570995331, 0.018324941396713257, -0.00012659684580285102, 0.06411271542310715, 0.07186297327280045, 0.02665078267455101, -0.029565395787358284, 0.013273423537611961, -0.061839815229177475, 0.03187832236289978, 0.009411909617483616, -0.05676233395934105, 0.08955096453428268, 0.029103830456733704, -0.04443066194653511, 0.026513807475566864, 0.037976473569869995, -0.006867973133921623, -0.023331213742494583, -0.08273724466562271, 0.013242820277810097, -0.03863316401839256, 0.009752503596246243, -0.029227422550320625, -0.03643947094678879, 0.11247275769710541, -0.01485002227127552, 0.04441068693995476, -0.04570581018924713, -0.09536301344633102, -0.030027467757463455, -0.02604839578270912, -0.08669204264879227, -0.08363199979066849, 0.048391617834568024, -0.009178473614156246, -0.04874156787991524, 0.005108083598315716, -0.054259464144706726, 0.02686343528330326, 0.01596769131720066, 0.0029805086087435484, -0.011155948974192142, -0.018453512340784073, -0.0567685142159462, -0.011367636732757092, -0.0651601031422615, -0.08307751268148422, -0.03611795976758003, -0.02138417772948742, 0.1001790389418602, -0.04920496046543121, -0.025090888142585754, 0.07756345719099045, 0.02863578125834465, 0.01764899305999279, 0.03890577703714371, 0.023719577118754387, 0.043828800320625305, 0.0323324091732502, 0.068927101790905, -0.09216981381177902, 0.015391912311315536, -0.05914405360817909, 0.044041894376277924, -0.041092753410339355, 0.03256966918706894, -0.021453753113746643, 0.055701326578855515, -0.022897494956851006, 0.03488198295235634, -0.0028550473507493734, -0.057555362582206726, 0.022238215431571007, -0.04407963529229164, 0.07392953336238861, -0.018373731523752213, 0.04754363372921944, 0.03870777785778046, 0.03601808845996857, -0.0668063759803772, 0.1110057458281517, -0.03841380774974823, 0.00563660915941, 0.039486322551965714, 0.019681883975863457, 0.03567365184426308, -0.05704600363969803, 0.00786380935460329, 0.10847718268632889, 0.0714174211025238, -0.06871189922094345, 0.09020441770553589, 0.042001161724328995, -0.04120480641722679, 0.010749942623078823, 0.07494199275970459, 0.09549999982118607, 0.014317159540951252, -0.023116981610655785, -0.03787800297141075, 0.03654665872454643, -0.07215555012226105, -0.030553223565220833, -0.02105690911412239, -0.046629033982753754, -0.07012809813022614, -0.0654374435544014, -0.10512863844633102, 2.21439901314391e-33, 0.037780411541461945, 0.015018719248473644, -0.017727850005030632, -0.01790146715939045, 0.062300968915224075, -0.08653254806995392, 0.005495123099535704, -0.03885917738080025, 0.009255141019821167, -0.015114834532141685, -0.12399895489215851, -0.0347280278801918, -0.05834173783659935, 0.08762450516223907, 0.04765411838889122, -0.06629366427659988, -0.018841367214918137, 0.03854706510901451, 0.0024611607659608126, -0.00687530217692256, 0.10623996704816818, -0.024687709286808968, -0.010264965705573559, -0.04173710569739342, 0.02450009062886238, 0.10700723528862, 0.06179764121770859, 0.018266716971993446, 0.044501952826976776, 0.061967477202415466, -0.006963411811739206, 0.02232726477086544, -0.03873474895954132, -0.030679767951369286, 0.05060761421918869, 0.02898341789841652, 0.054740339517593384, 0.0680835023522377, -0.01455692294985056, -0.05932484567165375, -0.00020395638421177864, 0.023563342168927193, 0.05181797221302986, -0.07286275923252106, -0.08472602814435959, -0.08904939889907837, -0.0025345641188323498, 0.059592366218566895, 0.026242006570100784, 0.032509125769138336, -0.08195697516202927, -0.030843406915664673, 0.03208990395069122, 0.03931279107928276, -0.028037119656801224, -0.01673312485218048, 0.07305333763360977, 0.09881408512592316, 0.01634284108877182, -0.0032866233959794044, 0.013555331155657768, 0.004153173416852951, -0.003369963262230158, 0.007951859384775162, 0.00549559248611331, -0.014989471063017845, -0.021900977939367294, -0.01814325898885727, 0.026955077424645424, 0.029824983328580856, -0.043094269931316376, -0.027850206941366196, 0.040404312312603, -0.024989048019051552, 0.09860122948884964, -0.09554769843816757, 0.009226364083588123, -0.05162474885582924, -0.041988957673311234, 0.0061214277520775795, 0.02672208659350872, 0.09552512317895889, -0.00766162620857358, -0.10133155435323715, -0.06983788311481476, -0.06743934005498886, -0.022139737382531166, -0.038079336285591125, -0.059504736214876175, 0.03872263804078102, -0.09743773192167282, 0.06034424901008606, -0.029982931911945343, -0.05211421847343445, -0.06083269417285919, -3.79285778654487e-33, -0.00790560245513916, 0.07453392446041107, -0.008761457167565823, 0.059852052479982376, 0.05254914611577988, 0.0398620180785656, 0.05750395730137825, 0.09708774834871292, -0.05484672635793686, -0.043073203414678574, 0.09224171936511993, -0.0077438573352992535, -0.032659295946359634, 0.029626870527863503, 0.00011815974721685052, 0.009146776050329208, -0.07657933235168457, -0.03524669259786606, 0.0008537240792065859, 0.016110071912407875, -0.012233179993927479, 0.09183982759714127, -0.07296565175056458, 0.056347161531448364, -0.013859708793461323, -0.0058269202709198, 0.04420560598373413, 0.13513067364692688, 0.019885066896677017, -0.0498119555413723, -0.022245975211262703, 0.0061951205134391785, -0.039571765810251236, 0.06890151649713516, 0.007935325615108013, 0.04013346880674362, 0.08828271180391312, -0.0330098494887352, -0.07376692444086075, 0.07871681451797485, 0.06747320294380188, 0.05695735290646553, -0.07525666058063507, 0.02808649092912674, 0.0014544958248734474, -0.02539810910820961, 0.004899498540908098, -0.056205667555332184, 0.0008118384866975248, -0.026482898741960526, 0.02918665111064911, -0.08503687381744385, -0.01895792782306671, 0.041780538856983185, 0.0018149588722735643, -0.012506053782999516, 0.0034255075734108686, 0.00011919090320589021, -0.05891825258731842, -0.0020347547251731157, 0.00761766079813242, 0.020963136106729507, -0.10612189024686813, -0.03637148439884186, 0.023935655131936073, -0.01257359329611063, -0.09056529402732849, 0.03443080559372902, 0.02060774900019169, 0.048101164400577545, -0.007108472753316164, 0.05281988903880119, 0.004251114092767239, 0.013568572700023651, -0.04308738932013512, -0.02938624657690525, -0.045399609953165054, 0.008296667598187923, -0.022078542038798332, -0.06873786449432373, 0.016605660319328308, 0.020498642697930336, 0.09772004187107086, 0.03020756132900715, 0.13140186667442322, 0.053706374019384384, 0.06521366536617279, 0.0466078519821167, -0.07301927357912064, 0.010602304711937904, 0.04780852794647217, 0.024569451808929443, -0.033453430980443954, 0.12979552149772644, 0.038654666393995285, -5.872914599081014e-8, -0.05998854339122772, 0.05008595809340477, -0.023401211947202682, 0.04466678574681282, 0.034664586186409, 0.01373288780450821, 0.03352581337094307, 0.02642185427248478, -0.029937954619526863, -0.0012750814203172922, 0.01777762547135353, -0.015004021115601063, -0.030837755650281906, 0.04222956299781799, -0.010819539427757263, 0.003789531299844384, -0.030377304181456566, 0.12453394383192062, -0.04283248633146286, -0.04735720530152321, 0.017565060406923294, -0.017481165006756783, 0.018161112442612648, -0.01985524781048298, 0.08109737187623978, -0.08443163335323334, -0.07969352602958679, 0.0877561867237091, -0.06320884823799133, -0.01920226402580738, -0.021758563816547394, 0.021507497876882553, 0.04508356750011444, -0.04874346777796745, -0.027702899649739265, 0.10185396671295166, -0.05340046435594559, -0.03799653425812721, 0.002641285303980112, 0.041259463876485825, -0.06999493390321732, 0.09611257165670395, -0.053925756365060806, -0.020643087103962898, 0.05460478365421295, -0.0024116244167089462, -0.026051780208945274, -0.05582838132977486, 0.006220162846148014, 0.05937302112579346, 0.04766106978058815, 0.03257010132074356, -0.018486300483345985, -0.006338489707559347, 0.03158785402774811, 0.002484738128259778, -0.08845827728509903, 0.017071517184376717, -0.012624160386621952, -0.006492750719189644, 0.041907310485839844, -0.031930021941661835, -0.05245261639356613, -0.010933269746601582 ]
lsb/wav2vec2-base-lm-pemlsb-la-v2
0f36d0642287f3e247bdfac16ea53bdecd555e2f
2022-03-21T21:41:31.000Z
[ "pytorch", "wav2vec2", "automatic-speech-recognition", "transformers", "license:agpl-3.0" ]
automatic-speech-recognition
false
lsb
null
lsb/wav2vec2-base-lm-pemlsb-la-v2
0
null
transformers
--- license: agpl-3.0 ---
[ -0.09106152504682541, -0.03778962045907974, -0.02413453347980976, -0.06434093415737152, 0.06954285502433777, -0.02019229158759117, 0.0435652881860733, 0.008243480697274208, -0.009095742367208004, -0.0021398018579930067, 0.024968737736344337, 0.023086652159690857, -0.10929054766893387, -0.035647764801979065, -0.01745658926665783, -0.046618640422821045, -0.0024399838875979185, 0.05343450978398323, -0.04958394542336464, -0.0185873880982399, -0.0233242716640234, 0.004730817396193743, -0.021687055006623268, -0.024258939549326897, 0.0954500064253807, -0.06845666468143463, -0.08495143055915833, 0.10162822902202606, -0.0014715748839080334, -0.047035496681928635, 0.025150401517748833, 0.022953322157263756, 0.13677886128425598, 0.021161355078220367, 0.06660006940364838, -0.029389064759016037, 0.007044910453259945, -0.01696746051311493, -0.08205300569534302, -0.11448460072278976, 0.1272277981042862, 0.02017311379313469, -0.023422596976161003, -0.013446294702589512, -0.0020830815192312002, -0.02479849010705948, -0.06224401667714119, -0.08247534185647964, 0.0688420757651329, 0.04403451830148697, -0.03644004836678505, -0.021185899153351784, -0.022961052134633064, -0.08817415684461594, 0.011144242249429226, -0.10738110542297363, 0.027706734836101532, -0.001038160058669746, 0.02229245938360691, 0.033392079174518585, -0.018894899636507034, -0.06400986015796661, -0.053110577166080475, 0.06815291941165924, -0.03247160464525223, 0.0324179045855999, 0.04630536586046219, -0.030752340331673622, -0.06385601311922073, -0.038806457072496414, -0.07229360193014145, -0.048519738018512726, -0.01896311528980732, 0.02437961846590042, 0.025817133486270905, 0.08074375987052917, 0.03135570511221886, -0.0006443444290198386, 0.0759386494755745, -0.03735509514808655, -0.014948135241866112, 0.05378541722893715, -0.02346399426460266, 0.02957819029688835, -0.0674336776137352, -0.04528385028243065, 0.035397693514823914, 0.0485820546746254, 0.03888973221182823, -0.013008304871618748, -0.07681306451559067, 0.02597949281334877, 0.019820358604192734, 0.05874497443437576, -0.03205304592847824, 0.0632687583565712, -0.05038057640194893, -0.13065457344055176, -0.03288443759083748, 0.0741279274225235, -0.010579007677733898, 0.0676642656326294, 0.02090701460838318, 0.007307049818336964, -0.04002276062965393, 0.006565147545188665, 0.00821283832192421, 0.05116630345582962, -0.03478622809052467, 0.044076818972826004, 0.03631802648305893, -0.03642640262842178, -0.021611299365758896, -0.0818321481347084, -0.046598393470048904, 0.03150813654065132, -0.10814236104488373, -0.024399589747190475, 0.058955177664756775, -0.10543939471244812, -0.0014771047281101346, -0.05036181956529617, -0.017159637063741684, -0.04504184052348137, 0.03331698104739189, -0.06507827341556549, -0.002576512284576893, -6.556950100556937e-33, -0.042273785918951035, 0.01695341058075428, -0.0174252986907959, 0.05322062969207764, 0.06923464685678482, -0.04799560829997063, -0.045703645795583725, 0.035168230533599854, -0.12317869067192078, 0.10178179293870926, -0.017754418775439262, 0.0019420988392084837, -0.038067299872636795, 0.03190411627292633, 0.034669794142246246, -0.025246208533644676, 0.0648583322763443, 0.006520043592900038, 0.05507964268326759, -0.025115178897976875, 0.032306477427482605, -0.060763049870729446, -0.013314933516085148, 0.012102698907256126, 0.04159686341881752, 0.00648273853585124, 0.0218186154961586, -0.0412091426551342, 0.13452187180519104, 0.025474127382040024, 0.05592551454901695, 0.04995310679078102, -0.026662666350603104, 0.03761730343103409, 0.007248619105666876, 0.023275014013051987, -0.10227259993553162, -0.020200708881020546, 0.01886717975139618, 0.08171573281288147, 0.019984738901257515, 0.04190149903297424, -0.025034895166754723, -0.00023581046843901277, 0.04113898053765297, -0.026003263890743256, 0.014359626919031143, 0.027476252987980843, 0.07850174605846405, 0.08473685383796692, -0.06741173565387726, 0.013906552456319332, -0.01324749831110239, 0.062372174113988876, 0.05394274741411209, -0.0014940057881176472, -0.06825350224971771, 0.046484045684337616, 0.01009299885481596, -0.038971975445747375, -0.02277945540845394, 0.013414044864475727, -0.04338850826025009, 0.012682142667472363, 0.011292124167084694, -0.020516354590654373, -0.05975297465920448, 0.004790812730789185, 0.06398283690214157, 0.08666066080331802, 0.02055785432457924, -0.010865201242268085, -0.009907499887049198, 0.06193850561976433, -0.06487789005041122, -0.031097976490855217, 0.05551866069436073, 0.032563284039497375, -0.04385462403297424, 0.06624185293912888, -0.09527802467346191, 0.0439167357981205, -0.0754590779542923, 0.007807317189872265, -0.0627472847700119, 0.014383384957909584, -0.022661708295345306, 0.024064959958195686, -0.006016245111823082, -0.024441903457045555, 0.04270279407501221, 0.01041423436254263, -0.022690478712320328, 0.0393047109246254, -0.09096058458089828, 2.4851972794008557e-33, -0.00029199334676377475, 0.010673708282411098, 0.009171761572360992, -0.020645907148718834, -0.04322518780827522, -0.04746965318918228, -0.0034365206956863403, 0.08313959091901779, -0.03795631602406502, 0.0934901088476181, 0.004518233239650726, 0.040680140256881714, 0.07853243499994278, -0.04373854026198387, 0.042619410902261734, 0.00007911858847364783, 0.008312058635056019, -0.06022989749908447, -0.023405561223626137, 0.023379679769277573, -0.07948541641235352, 0.10458695888519287, 0.018772045150399208, 0.05917251482605934, 0.04152237996459007, -0.021095212548971176, -0.002857112092897296, 0.02455786243081093, -0.018826179206371307, -0.007509185001254082, 0.061585865914821625, 0.05648975074291229, -0.14086522161960602, -0.008146815001964569, -0.028920365497469902, -0.00014902616385370493, 0.06632032245397568, -0.005662687122821808, -0.09062787145376205, 0.018719788640737534, 0.07878605276346207, 0.019344281405210495, 0.0006176524912007153, 0.014795561321079731, 0.01591622270643711, -0.01420462317764759, 0.06278008222579956, 0.021427197381854057, 0.043340351432561874, -0.024157008156180382, -0.0007421672344207764, -0.04713505879044533, 0.028825879096984863, -0.06898171454668045, 0.027329787611961365, 0.02861965447664261, 0.17542140185832977, 0.04572732374072075, -0.1690993309020996, -0.0005288451793603599, 0.06319918483495712, -0.0454706996679306, -0.009164146147668362, -0.0019893536809831858, 0.012983620166778564, 0.07494130730628967, 0.0032521309331059456, -0.004148638807237148, -0.040510740131139755, 0.028963522985577583, -0.004464305005967617, 0.040945865213871, -0.01056507509201765, -0.10474378615617752, -0.01333379466086626, 0.07437841594219208, -0.02032768726348877, 0.10788588225841522, -0.05161476507782936, -0.06084318086504936, 0.0326404944062233, 0.01962674967944622, 0.014365900307893753, 0.11092191934585571, -0.06146252527832985, -0.02663368359208107, -0.011964716948568821, 0.014403440058231354, -0.03040013276040554, 0.00604394543915987, -0.1400597244501114, 0.019518021494150162, 0.0027443948201835155, 0.13690528273582458, -0.016685502603650093, -2.0062726591163482e-8, -0.012455666437745094, 0.08027271181344986, -0.06416192650794983, -0.004740196280181408, 0.0026753204874694347, 0.06844531744718552, -0.0265214703977108, -0.02645207569003105, 0.00027182287885807455, 0.019141996279358864, -0.0787019208073616, -0.008866667747497559, -0.1000654324889183, 0.028173651546239853, 0.02288343943655491, -0.008332517929375172, -0.04813368245959282, 0.10236696898937225, -0.009828594513237476, -0.0654706135392189, -0.04597107321023941, 0.02018216997385025, -0.04757257550954819, -0.035069771111011505, -0.048404794186353683, -0.002802161267027259, 0.021972279995679855, -0.004234070423990488, 0.008291608653962612, 0.001240441924892366, 0.01924808695912361, 0.027081500738859177, -0.023965880274772644, -0.06039641425013542, 0.005958998575806618, -0.06289907544851303, -0.018598457798361778, 0.03961130976676941, 0.07129580527544022, -0.05912087485194206, 0.03050963394343853, 0.08819613605737686, 0.011162905022501945, -0.03483174368739128, -0.07730540633201599, 0.0397254079580307, -0.0464283749461174, -0.0029481935780495405, -0.03866221755743027, 0.0022462052293121815, 0.009523333981633186, 0.02206791192293167, -0.07707718014717102, 0.028496772050857544, 0.04757033661007881, -0.019812241196632385, 0.02231825329363346, -0.07224596291780472, 0.030821094289422035, 0.06255043298006058, -0.017773522064089775, -0.07376010715961456, 0.019849102944135666, -0.00898291077464819 ]
tau/random_1024_0.3_epoch2_v2
b451308f191f15a82e684be0a4c0473e287c19a0
2022-03-22T10:51:54.000Z
[ "pytorch", "t5", "text2text-generation", "transformers", "autotrain_compatible" ]
text2text-generation
false
tau
null
tau/random_1024_0.3_epoch2_v2
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 ]
tau/t5_1024_0.3_epoch2_v2
4aa56399b0c19fae9e70d18dda0f002351275c7c
2022-03-22T10:56:53.000Z
[ "pytorch", "t5", "text2text-generation", "transformers", "autotrain_compatible" ]
text2text-generation
false
tau
null
tau/t5_1024_0.3_epoch2_v2
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 ]
tau/t5_lm_1024_0.3_epoch2_v2
45ac26c4c1f705c88a39da439d5cf8b9165ab22c
2022-03-22T11:02:27.000Z
[ "pytorch", "t5", "text2text-generation", "transformers", "autotrain_compatible" ]
text2text-generation
false
tau
null
tau/t5_lm_1024_0.3_epoch2_v2
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/laurentozon
0f0c1be2f210bb6d4760b05b0c8a35bf4ec5ebcd
2022-03-22T12:21:52.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/laurentozon
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/laurentozon/1647951707700/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/1505670688635564034/K4L2yhhB_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">Laurent Ozon</div> <div style="text-align: center; font-size: 14px;">@laurentozon</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 Laurent Ozon. | Data | Laurent Ozon | | --- | --- | | Tweets downloaded | 3192 | | Retweets | 753 | | Short tweets | 382 | | Tweets kept | 2057 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/3uddth9b/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 @laurentozon's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/2dzqbuuu) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/2dzqbuuu/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/laurentozon') 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.009531921707093716, 0.11686136573553085, -0.0117071233689785, 0.05462180823087692, 0.17766621708869934, -0.01812438853085041, -0.03678514435887337, 0.02772313915193081, 0.07370100170373917, -0.0545073077082634, -0.0020405296236276627, 0.06957358121871948, 0.015571387484669685, -0.027346709743142128, -0.008501287549734116, 0.041339315474033356, -0.08675431460142136, -0.03525853157043457, -0.05939106643199921, 0.022424258291721344, -0.08171316981315613, -0.09783335030078888, 0.07682767510414124, -0.03989611938595772, -0.039745595306158066, 0.07230566442012787, -0.0013395205605775118, 0.05934661254286766, -0.010873699560761452, -0.02444666065275669, -0.04349588602781296, 0.03850874677300453, 0.0476997084915638, 0.034659355878829956, -0.029323918744921684, 0.02265329100191593, -0.020826226100325584, 0.02349425107240677, -0.05329671874642372, 0.004738702904433012, -0.013482355512678623, -0.10130240023136139, 0.0486181378364563, 0.04457448795437813, -0.030312618240714073, -0.0304808858782053, -0.01325052697211504, -0.005040258634835482, -0.05866365507245064, 0.027005869895219803, -0.053688593208789825, -0.056408192962408066, 0.003231224836781621, -0.0035654667299240828, 0.01324987132102251, 0.0632806271314621, 0.025553420186042786, -0.05087156221270561, 0.08071476966142654, -0.028844766318798065, 0.1032181978225708, 0.08076387643814087, 0.0841473639011383, -0.0008097884710878134, 0.00468977028504014, -0.012480191886425018, -0.07067450135946274, 0.03775761276483536, -0.029542941600084305, -0.016792457550764084, 0.030976857990026474, -0.0031924094073474407, -0.02413984201848507, -0.05194782838225365, 0.07051771879196167, -0.040830787271261215, -0.016055312007665634, 0.026496093720197678, -0.019196338951587677, 0.06138981133699417, 0.0381808765232563, -0.06307171285152435, 0.007751060649752617, -0.03380287066102028, 0.05593061074614525, 0.033703237771987915, 0.008030755445361137, -0.10347235202789307, -0.01598469540476799, 0.02539120614528656, -0.02214052714407444, -0.022239621728658676, -0.006642572581768036, 0.04341704398393631, -0.04139656201004982, 0.02949143759906292, -0.04810766130685806, -0.15933875739574432, -0.11405636370182037, 0.06586965918540955, 0.0019362823804840446, -0.05273251235485077, 0.06563624739646912, 0.016843555495142937, 0.01461697556078434, -0.03655099496245384, -0.02611582912504673, 0.00763334333896637, -0.008800134994089603, -0.01444502454251051, 0.045006945729255676, -0.048052333295345306, -0.1059696152806282, 0.021361205726861954, -0.027465999126434326, -0.09966659545898438, -0.012459805235266685, 0.04343056306242943, 0.08850393444299698, -0.01903330162167549, 0.04871027171611786, 0.15095777809619904, -0.03329256922006607, -0.09601747244596481, 0.007441304158419371, 0.031164532527327538, -0.05859300494194031, 1.1767707172820897e-32, 0.06042051315307617, 0.007678973022848368, -0.06166372075676918, 0.04447055235505104, 0.12870429456233978, -0.007852724753320217, -0.008448341861367226, -0.0341004803776741, -0.09170636534690857, -0.006520817521959543, 0.06823387742042542, 0.028304358944296837, 0.010152066126465797, 0.018735941499471664, 0.0058638062328100204, -0.09362339973449707, -0.017372408881783485, -0.004574025049805641, -0.02617308497428894, 0.02677241526544094, -0.11114248633384705, 0.04771358147263527, -0.035922009497880936, -0.06882103532552719, -0.05253772810101509, 0.021124493330717087, 0.07027991116046906, -0.04686553776264191, 0.0009837644174695015, 0.0036975089460611343, -0.044935405254364014, -0.014296096749603748, 0.060657624155282974, -0.04998188465833664, 0.046734001487493515, 0.01562370453029871, 0.007070585153996944, -0.08132905513048172, -0.008159860037267208, 0.04302280768752098, -0.03220662847161293, -0.04674316570162773, 0.05297228693962097, -0.03266563639044762, -0.057651009410619736, 0.08050915598869324, 0.1348123699426651, 0.02450229600071907, -0.02656368725001812, -0.04382116347551346, -0.03412530943751335, -0.005723491311073303, -0.047163352370262146, -0.11316800862550735, -0.009675253182649612, -0.08575188368558884, 0.008918218314647675, 0.015629993751645088, 0.051317065954208374, -0.04045572876930237, -0.00029440500657074153, -0.06202161684632301, 0.0236197579652071, -0.08392879366874695, 0.03802301734685898, 0.03606901690363884, -0.08956675231456757, -0.036923788487911224, 0.04817518591880798, -0.04063701629638672, -0.031139712780714035, -0.0019733200315386057, 0.1069466695189476, -0.03635925054550171, -0.04121686890721321, 0.0396425686776638, -0.019394272938370705, -0.05161623656749725, -0.03290089592337608, 0.027744024991989136, -0.059992920607328415, 0.011679734103381634, 0.021745260804891586, -0.0020891858730465174, -0.02344701439142227, -0.0027354152407497168, -0.011043873615562916, -0.05326777696609497, 0.01606273651123047, -0.003976329695433378, -0.10498451441526413, -0.011862113140523434, 0.04376155510544777, -0.08645796030759811, -0.07720810920000076, -1.217925729593538e-32, 0.04791535809636116, 0.0039144703187048435, -0.01111726276576519, 0.05512448027729988, 0.09580400586128235, 0.045936908572912216, 0.046874117106199265, 0.05317046120762825, 0.01014390867203474, 0.00021685071988031268, 0.049277886748313904, -0.028863800689578056, -0.08821406960487366, -0.03810375928878784, 0.01819082535803318, 0.018945343792438507, 0.06424065679311752, -0.026590833440423012, -0.030977625399827957, 0.03816491737961769, 0.014975188300013542, 0.035472460091114044, -0.01494884118437767, 0.09422964602708817, -0.07177282124757767, -0.009081167168915272, 0.07382933795452118, -0.014615338295698166, -0.0174822099506855, 0.013466808944940567, -0.06164032220840454, -0.08934279531240463, -0.01768573373556137, 0.054833680391311646, 0.05033426731824875, 0.0023680604062974453, -0.06791827827692032, -0.050328005105257034, -0.02868664637207985, -0.04718022421002388, 0.012193283997476101, -0.09101668745279312, -0.06158500164747238, -0.008474339731037617, 0.031078139320015907, -0.0421534962952137, 0.03441070392727852, -0.011386088095605373, 0.005691000260412693, 0.055542342364788055, 0.04009364917874336, 0.04669841378927231, -0.030945340171456337, -0.02217957191169262, -0.02207556553184986, -0.08703214675188065, -0.051840174943208694, 0.028737163171172142, 0.01898386888206005, 0.035659708082675934, 0.02810407429933548, 0.02799890749156475, -0.01671462692320347, 0.016584062948822975, 0.06618408113718033, 0.042580362409353256, -0.07830357551574707, 0.036647263914346695, -0.06121012568473816, 0.0041980743408203125, 0.031346146017313004, 0.07240314036607742, 0.03451765328645706, -0.007920618169009686, 0.036855701357126236, -0.023272830992937088, 0.0875072330236435, 0.0049476101994514465, 0.07787621021270752, 0.006485432852059603, -0.08411425352096558, -0.04952986538410187, -0.04801568016409874, 0.006988683249801397, -0.05274227634072304, -0.00767039367929101, -0.023594122380018234, 0.09015099704265594, -0.021596403792500496, -0.04088398441672325, -0.03447459265589714, 0.07886967808008194, 0.05243363603949547, 0.04126356169581413, 0.06817158311605453, -6.886511272341522e-8, -0.05160745978355408, -0.08596561849117279, -0.016578122973442078, 0.011487494222819805, -0.03415849059820175, 0.03161424770951271, 0.03171607479453087, -0.1512359380722046, -0.015427228063344955, -0.052778664976358414, 0.041504886001348495, 0.01093757338821888, -0.07827973365783691, 0.02720298431813717, -0.03564119711518288, 0.01920858770608902, -0.09936968982219696, 0.08726947009563446, -0.006632023956626654, -0.06464499235153198, -0.003612751141190529, 0.0387248620390892, 0.018455039709806442, -0.02199075184762478, -0.00029782881028950214, 0.05572570860385895, -0.11592242121696472, 0.0039680516347289085, 0.006300426088273525, -0.0031811294611543417, 0.04512333497405052, -0.06299354881048203, 0.03130771964788437, -0.05644526705145836, -0.00904015265405178, -0.06815355271100998, -0.029245786368846893, -0.03380537033081055, 0.020923931151628494, 0.024572180584073067, 0.04668407887220383, 0.019887860864400864, 0.07387127727270126, 0.040833570063114166, -0.030657323077321053, 0.003559894859790802, 0.040839388966560364, -0.00972795207053423, 0.03372357413172722, 0.04206761345267296, -0.0232840608805418, -0.07502879202365875, 0.0025373101234436035, 0.0348832868039608, 0.07234203815460205, -0.011652378365397453, -0.010380766354501247, 0.06285694241523743, -0.029927542433142662, 0.0710245668888092, 0.04571866989135742, 0.056135088205337524, -0.002266339957714081, 0.06137683615088463 ]
rahulkuruvilla/COVID-BERTa
07cec39b45e963d677f0551322f07593b51329f9
2022-03-22T22:56:36.000Z
[ "pytorch", "bert", "question-answering", "transformers", "autotrain_compatible" ]
question-answering
false
rahulkuruvilla
null
rahulkuruvilla/COVID-BERTa
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 ]
rahulkuruvilla/COVID-DistilBERTb
bb5583fae97f2f29adecec4f76590bd7765413e1
2022-03-22T21:54:46.000Z
[ "pytorch", "distilbert", "question-answering", "transformers", "autotrain_compatible" ]
question-answering
false
rahulkuruvilla
null
rahulkuruvilla/COVID-DistilBERTb
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 ]
rahulkuruvilla/COVID-BERTb
38465425fd533c4975c8e0dc2eccf860693ee28e
2022-03-22T21:57:46.000Z
[ "pytorch", "bert", "question-answering", "transformers", "autotrain_compatible" ]
question-answering
false
rahulkuruvilla
null
rahulkuruvilla/COVID-BERTb
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 ]
rahulkuruvilla/COVID-BERTc
a652cdfc639d1d45cf043c8be31da70a7618f306
2022-03-22T22:24:22.000Z
[ "pytorch", "bert", "question-answering", "transformers", "autotrain_compatible" ]
question-answering
false
rahulkuruvilla
null
rahulkuruvilla/COVID-BERTc
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 ]
rahulkuruvilla/COVID-DistilBERTc
af771023a5bc00111d9411b4881517ab081b2cd5
2022-03-22T22:28:31.000Z
[ "pytorch", "distilbert", "question-answering", "transformers", "autotrain_compatible" ]
question-answering
false
rahulkuruvilla
null
rahulkuruvilla/COVID-DistilBERTc
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 ]
mimicheng/codeparrot-ds-sample
f77824dd2887e11a555377a6a8606ebe37de68a1
2022-03-23T05:30:38.000Z
[ "pytorch", "tensorboard", "gpt2", "text-generation", "transformers", "generated_from_trainer", "license:mit", "model-index" ]
text-generation
false
mimicheng
null
mimicheng/codeparrot-ds-sample
0
null
transformers
--- license: mit tags: - generated_from_trainer model-index: - name: codeparrot-ds-sample 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 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.6003 ## 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: 32 - eval_batch_size: 32 - seed: 42 - gradient_accumulation_steps: 8 - total_train_batch_size: 256 - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08 - lr_scheduler_type: cosine - lr_scheduler_warmup_steps: 1000 - num_epochs: 1 - mixed_precision_training: Native AMP ### Training results | Training Loss | Epoch | Step | Validation Loss | |:-------------:|:-----:|:----:|:---------------:| | 2.5057 | 0.93 | 5000 | 1.6003 | ### Framework versions - Transformers 4.17.0 - Pytorch 1.10.0+cu111 - Datasets 2.0.0 - Tokenizers 0.11.6
[ -0.09955799579620361, -0.04332499951124191, -0.013096025213599205, 0.04071453586220741, 0.05354693531990051, -0.05511697381734848, -0.011370090767741203, 0.016588401049375534, -0.08955207467079163, -0.11197379231452942, 0.02039388380944729, -0.03789988532662392, -0.025835726410150528, -0.08706489950418472, -0.07578632235527039, 0.006430274806916714, 0.07624474167823792, 0.009741058573126793, -0.05322796478867531, 0.011017756536602974, 0.03970117121934891, 0.03420587629079819, 0.03597443550825119, 0.0663260966539383, -0.0035653456579893827, 0.05254099890589714, -0.01237899623811245, 0.012913405895233154, 0.03042655996978283, -0.013417169451713562, 0.061748676002025604, -0.015649911016225815, -0.0036412905901670456, 0.0914880558848381, 0.03333839401602745, 0.01391267403960228, -0.030653664842247963, -0.035746701061725616, -0.02993878722190857, 0.024664737284183502, 0.00855651032179594, -0.019274234771728516, 0.006976060103625059, 0.07571493089199066, 0.0787004679441452, 0.01066554058343172, -0.04505584388971329, -0.06224307790398598, -0.03743106871843338, -0.004749490413814783, -0.0775325745344162, -0.0667601153254509, 0.03543737158179283, -0.03112487681210041, 0.0004121918755117804, 0.03055501915514469, 0.033233512192964554, -0.07192930579185486, -0.01934189535677433, -0.03904217481613159, 0.017900463193655014, -0.019392965361475945, -0.08912668377161026, -0.036330096423625946, -0.07223458588123322, -0.05636987462639809, -0.007718027103692293, 0.004554441198706627, 0.10340956598520279, -0.04902791976928711, 0.02916119433939457, 0.0925259217619896, -0.056875281035900116, 0.05332592874765396, -0.008810123428702354, 0.023964975029230118, 0.04534153267741203, 0.03383413329720497, 0.08148426562547684, -0.09865058958530426, 0.018751628696918488, -0.04961443692445755, 0.05689803510904312, -0.023856429383158684, 0.001041221315972507, -0.005931155290454626, 0.060199327766895294, 0.05564536154270172, 0.06775572896003723, 0.06326477229595184, -0.051720600575208664, 0.021848341450095177, -0.021786147728562355, 0.013942703604698181, -0.00962772499769926, 0.014688324183225632, -0.020626697689294815, -0.06705790013074875, -0.07370971143245697, 0.09067130833864212, -0.07492820173501968, 0.05324040353298187, -0.0036066959146410227, 0.08204752206802368, -0.03433312475681305, 0.0013666965533047915, 0.029525164514780045, 0.08080247789621353, 0.07296360284090042, 0.01436891034245491, 0.06491846591234207, 0.0449560284614563, -0.009113761596381664, -0.003037091111764312, 0.04650956764817238, 0.10444243997335434, -0.03895530849695206, 0.03596677631139755, -0.06219462677836418, 0.1336311250925064, -0.0640057697892189, 0.006034629885107279, -0.06447578221559525, -0.036369964480400085, -0.01654130592942238, -0.07171297073364258, -0.0879325345158577, 3.631160824407587e-33, 0.030691131949424744, 0.0022509486880153418, 0.017672056332230568, -0.03353169932961464, 0.01426608581095934, 0.0054614548571407795, 0.006853001192212105, -0.0671662762761116, -0.005559898912906647, -0.025373313575983047, -0.10315823554992676, -0.07727549225091934, -0.07820165157318115, 0.11351810395717621, -0.019171539694070816, -0.047375116497278214, -0.009578363969922066, 0.06377295404672623, 0.05859233811497688, 0.004284130409359932, 0.1063598021864891, 0.029787644743919373, -0.058086100965738297, -0.07830764353275299, -0.06237652525305748, 0.09123902022838593, -0.0011043855920433998, 0.01294862199574709, 0.05036613345146179, 0.08200207352638245, -0.049743808805942535, -0.04314936697483063, -0.027245718985795975, 0.012652495875954628, 0.04242338240146637, 0.026555921882390976, 0.0153785590082407, -0.009322332218289375, 0.010378633625805378, -0.008062165230512619, 0.023835845291614532, 0.008807792328298092, 0.06910812109708786, -0.09403062611818314, -0.05086418241262436, -0.05831369012594223, 0.09632738679647446, 0.036216676235198975, 0.05587874352931976, 0.09211815148591995, -0.061339445412158966, 0.006984638515859842, 0.01206172164529562, -0.023446785286068916, -0.06963099539279938, 0.051969725638628006, 0.04325550049543381, 0.06501247733831406, 0.03753768652677536, 0.012574354186654091, 0.02052411623299122, 0.024910638108849525, -0.018713509663939476, -0.04404749721288681, 0.016126247122883797, -0.019883062690496445, -0.07250839471817017, -0.07273838669061661, -0.007861807011067867, 0.10826967656612396, -0.0751817598938942, -0.030804738402366638, 0.0025008772499859333, -0.011256485246121883, 0.11426164954900742, -0.10143616795539856, 0.06630256026983261, 0.013543178327381611, -0.03465915843844414, -0.03792734816670418, -0.07194990664720535, 0.05823557451367378, -0.01388276182115078, -0.09266465902328491, -0.056437909603118896, -0.062225475907325745, -0.0074021159671247005, -0.03211376816034317, -0.03984449803829193, 0.03513834998011589, -0.091841921210289, -0.04425758123397827, -0.0743761733174324, 0.018599240109324455, -0.03842663764953613, -4.096453079873727e-33, -0.02073102816939354, 0.054371386766433716, -0.005176829639822245, 0.10286840796470642, -0.030064929276704788, -0.020751049742102623, 0.020577995106577873, 0.10467934608459473, -0.03863406926393509, -0.018530897796154022, 0.0361197330057621, 0.0038653137162327766, -0.06490566581487656, -0.006312201730906963, 0.05922016501426697, -0.008736109361052513, -0.07257669419050217, 0.025430530309677124, 0.017112700268626213, 0.010859129950404167, -0.017965344712138176, 0.13261106610298157, -0.03123757243156433, 0.04584924876689911, 0.009261177852749825, -0.027627570554614067, 0.05989537760615349, 0.14373058080673218, 0.10552384704351425, -0.0414668433368206, 0.0374799445271492, 0.026272105053067207, -0.032818444073200226, 0.010422327555716038, -0.04156511276960373, 0.04823359474539757, 0.0756472647190094, -0.015099900774657726, -0.04136304557323456, 0.09559224545955658, 0.030759669840335846, 0.03354885056614876, -0.040811773389577866, 0.05552598461508751, 0.011625116690993309, 0.03665121644735336, 0.0599847137928009, -0.02650955133140087, 0.02515065111219883, -0.0126830218359828, -0.013988260179758072, -0.05559259280562401, -0.06593295931816101, 0.055343832820653915, -0.0006692399620078504, -0.05309146270155907, 0.019720954820513725, 0.03477485850453377, -0.029140328988432884, 0.02000412903726101, 0.0008350217831321061, -0.009889590553939342, -0.05326833948493004, -0.025790857151150703, 0.015295988880097866, -0.06142815947532654, -0.05424189940094948, 0.06328819692134857, 0.006670505274087191, 0.09620670974254608, -0.03134278208017349, 0.035662539303302765, 0.0653020367026329, 0.0017794906161725521, -0.03556826710700989, -0.03423764184117317, -0.00939531996846199, 0.03224486485123634, 0.03874526917934418, -0.10832427442073822, -0.036596961319446564, 0.01266492810100317, 0.08027534931898117, 0.05311792716383934, 0.058361608535051346, 0.026521185413002968, 0.06715363264083862, 0.09504374116659164, -0.045749276876449585, -0.01907677762210369, -0.01747308112680912, -0.005521317478269339, 0.0532013438642025, 0.08814643323421478, -0.016110308468341827, -6.072687597225013e-8, 0.012155740521848202, 0.045800141990184784, -0.015279040671885014, 0.07125921547412872, -0.0012693152530118823, -0.018944967538118362, -0.02164849266409874, 0.024274645373225212, -0.051014069467782974, -0.0024504882749170065, 0.05981510132551193, -0.0026495526544749737, -0.07593367248773575, -0.02896604873239994, 0.023574519902467728, -0.012408405542373657, -0.06610079854726791, 0.08454350382089615, -0.04910735413432121, -0.017058564350008965, -0.008608703501522541, -0.029794681817293167, 0.01004820317029953, -0.06999284029006958, 0.024327967315912247, -0.0744154155254364, 0.023601753637194633, 0.05699474364519119, -0.030213922262191772, -0.011525074951350689, 0.009303510189056396, 0.02550961822271347, 0.0329492911696434, -0.056299857795238495, -0.03013102523982525, 0.04730049520730972, -0.05319761857390404, -0.006956004537642002, 0.11737603694200516, 0.038457296788692474, -0.04930981621146202, 0.040296703577041626, -0.0032071720343083143, -0.044078804552555084, 0.04207633063197136, 0.015394927002489567, 0.013663982972502708, -0.09613242000341415, -0.004752699285745621, -0.01756289042532444, 0.01754281297326088, 0.00518760783597827, -0.10320242494344711, 0.03366260603070259, 0.0596034899353981, -0.003685837844386697, -0.0924096405506134, -0.07368817925453186, 0.004997379146516323, -0.02340603619813919, 0.03266683220863342, -0.020550232380628586, -0.04640394449234009, -0.016640469431877136 ]
voidful/metaICL_audio_hr_to_lr
f6324c30b4e0961424075e7facb161e6b75cbc0d
2022-03-23T08:01:59.000Z
[ "pytorch", "gpt2", "text-generation", "transformers" ]
text-generation
false
voidful
null
voidful/metaICL_audio_hr_to_lr
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/dcgan-mnist
3e84366820d1e21da74bdbb43ff2beb36163a9d4
2022-03-24T14:12:34.000Z
[ "pytorch", "generic", "text-to-image" ]
text-to-image
false
huggan
null
huggan/dcgan-mnist
0
1
generic
--- tags: - text-to-image library_name: generic --- # Digit generation using DCGAN
[ -0.05473257601261139, -0.015013962052762508, -0.0691123753786087, -0.0326591357588768, 0.05025814473628998, -0.01927790232002735, -0.0030284058302640915, -0.0043648965656757355, -0.04339350014925003, -0.0757470652461052, 0.0030060841236263514, -0.041434306651353836, -0.007170679047703743, -0.006207566242665052, 0.0057365549728274345, 0.0066336700692772865, -0.040689557790756226, 0.044316887855529785, 0.00747661804780364, 0.029153913259506226, 0.006446907762438059, 0.051180556416511536, 0.05996081233024597, -0.027972403913736343, 0.09120089560747147, 0.024466566741466522, -0.02552005834877491, -0.05185828357934952, 0.050459813326597214, 0.02738017961382866, 0.11918891966342926, 0.06732261925935745, 0.02197626605629921, 0.08329616487026215, 0.01114535704255104, 0.04232646897435188, -0.044773370027542114, 0.024968428537249565, 0.0028328015469014645, -0.022394685074687004, 0.043343041092157364, -0.01268177293241024, 0.07780878245830536, -0.04651621729135513, -0.023497218266129494, -0.020151183009147644, -0.030872762203216553, -0.03741827234625816, -0.0015311570605263114, -0.0002757491893135011, 0.050545189529657364, -0.049137234687805176, -0.09338576346635818, 0.038698405027389526, 0.06341772526502609, 0.03725142404437065, -0.03952854499220848, -0.0792970284819603, 0.05827998369932175, 0.10953116416931152, -0.02806723304092884, 0.0030415994115173817, -0.010596787557005882, -0.030887126922607422, 0.004285189788788557, -0.0013534921454265714, 0.0640190988779068, -0.03337628021836281, 0.012285569682717323, -0.03495149314403534, 0.045540858060121536, 0.02085030823945999, 0.07287407666444778, 0.024192629382014275, 0.009574994444847107, 0.05693696439266205, -0.01568211428821087, 0.04742009937763214, 0.09634575992822647, -0.12040114402770996, 0.06660710275173187, 0.02560313232243061, 0.10853339731693268, 0.017931895330548286, 0.02675272710621357, 0.009276394732296467, -0.02369343303143978, 0.05788486823439598, 0.017828980460762978, 0.013698173686861992, -0.06809525936841965, 0.015485050156712532, -0.022109419107437134, 0.09347745031118393, -0.09959251433610916, -0.006079507526010275, 0.02417319267988205, 0.009386957623064518, -0.10481183975934982, 0.04797593876719475, 0.005312696564942598, 0.00017191740334965289, 0.012822750024497509, -0.007897080853581429, 0.062415946274995804, -0.06833899021148682, 0.10625801235437393, 0.04705880582332611, -0.03403573855757713, 0.01223583985120058, 0.1017652302980423, -0.019984420388936996, -0.04876314476132393, -0.09492968767881393, 0.019655900076031685, -0.07682766020298004, -0.028602715581655502, 0.028373925015330315, 0.0011160109424963593, -0.03814404830336571, -0.12296848744153976, 0.03622601181268692, -0.1273348480463028, -0.0828184187412262, -0.12612146139144897, -0.04048806428909302, 0.018291054293513298, -2.2799950876686476e-33, 0.02453587017953396, 0.002284012967720628, 0.010014783591032028, 0.05353698879480362, 0.025535238906741142, -0.030080601572990417, -0.10350276529788971, -0.03756256029009819, -0.030365638434886932, -0.06963998079299927, 0.0179135762155056, -0.10322700440883636, -0.13619814813137054, 0.10099291801452637, 0.008122960105538368, -0.03520258516073227, -0.02100084163248539, -0.025504879653453827, 0.0008511616615578532, 0.006006853189319372, -0.06646044552326202, 0.0243512112647295, -0.03722808510065079, 0.008477482944726944, 0.006737140007317066, 0.08124355971813202, 0.013912487775087357, -0.06780532002449036, 0.06093183904886246, 0.012356270104646683, -0.03908323496580124, 0.020316192880272865, 0.13402676582336426, 0.024002039805054665, -0.012708880007266998, -0.012338473461568356, -0.012906375341117382, 0.03273939713835716, -0.08416520059108734, 0.015423813834786415, -0.018638363108038902, 0.04758775234222412, -0.0900220051407814, -0.052466753870248795, -0.0041767871007323265, 0.09150365740060806, 0.06946729868650436, 0.027728034183382988, -0.055061738938093185, 0.002842622809112072, -0.03483402729034424, 0.05423334985971451, -0.025192879140377045, -0.03920407593250275, 0.006523835472762585, -0.15314076840877533, 0.004722409415990114, 0.060708675533533096, 0.06879047304391861, -0.027864301577210426, -0.00434556370601058, 0.03151076287031174, 0.037696510553359985, 0.02308688871562481, 0.019494106993079185, 0.04187002405524254, 0.052355729043483734, -0.047650277614593506, -0.04233168065547943, 0.002391753951087594, 0.03303307667374611, -0.0040749115869402885, -0.05726208910346031, -0.03538060933351517, 0.07808340340852737, 0.037654805928468704, 0.016540085896849632, -0.015842920169234276, -0.06830096989870071, 0.06367131322622299, -0.06392107903957367, -0.029679231345653534, 0.04921181499958038, 0.02760629914700985, -0.03141375258564949, -0.0010737779084593058, 0.030483709648251534, -0.08061324805021286, -0.006776172202080488, -0.02382141537964344, 0.0520315021276474, -0.024999946355819702, -0.02027510106563568, -0.03853711485862732, -0.02969314344227314, 5.416679805299024e-34, 0.04543135315179825, 0.06887183338403702, -0.08563022315502167, 0.017410704866051674, -0.06330530345439911, 0.03527788817882538, 0.0004459804913494736, 0.05664597079157829, 0.006672935094684362, -0.054515499621629715, 0.005597684066742659, 0.04936434328556061, -0.1071179211139679, -0.08106939494609833, 0.006890326272696257, -0.1096549704670906, 0.009327909909188747, 0.02316388674080372, -0.03206465765833855, -0.0000029298730623850133, 0.039004381746053696, 0.08602084219455719, -0.04705171659588814, 0.0655805692076683, 0.05313464254140854, 0.04609421268105507, 0.049656324088573456, 0.05343036353588104, 0.051290396600961685, -0.04129883274435997, 0.024848835542798042, 0.00860101543366909, 0.039999909698963165, 0.024189218878746033, -0.04384984076023102, -0.042507242411375046, 0.13647933304309845, 0.07205383479595184, -0.0543980598449707, 0.05832746624946594, 0.05325736477971077, -0.03424795717000961, -0.05455205962061882, 0.008773580193519592, -0.102102130651474, -0.06741407513618469, 0.03159032016992569, 0.03248946741223335, 0.024266650900244713, 0.04746025800704956, 0.053569067269563675, -0.05108913406729698, -0.08415177464485168, -0.055454570800065994, -0.0727512538433075, -0.005340002477169037, 0.053974371403455734, 0.02727578580379486, 0.08578991144895554, -0.007005740888416767, -0.10608498752117157, -0.09025754034519196, -0.019628023728728294, -0.06611569970846176, -0.04274260252714157, 0.010740773752331734, -0.07665245980024338, -0.028034241870045662, -0.015234806574881077, -0.000582994194701314, 0.03254207223653793, 0.023057570680975914, 0.0026152993086725473, 0.042583294212818146, -0.04362153634428978, -0.031576476991176605, 0.10045414417982101, 0.059521205723285675, 0.0399593859910965, -0.09693022817373276, 0.024440467357635498, -0.03770952671766281, 0.08782996237277985, 0.09595958143472672, 0.05992680415511131, -0.003169266041368246, 0.05215759575366974, -0.02400266006588936, -0.03597113862633705, -0.01802792400121689, -0.024387938901782036, 0.0433933287858963, 0.006020443048328161, 0.0723237618803978, 0.005779148079454899, -2.406203059024392e-8, 0.0032234208192676306, 0.005182000808417797, -0.04696769267320633, -0.02977639250457287, -0.012777838855981827, 0.024118755012750626, 0.0041186329908668995, 0.040545932948589325, 0.08021560311317444, 0.021323977038264275, 0.03171050548553467, -0.023450573906302452, -0.07298301160335541, 0.0039889817126095295, 0.01616819202899933, -0.02501237951219082, 0.016556721180677414, 0.05294889956712723, -0.02661508321762085, 0.022036924958229065, -0.10101920366287231, -0.010694093070924282, -0.02707773819565773, -0.07779137045145035, -0.012184306979179382, -0.049811024218797684, -0.0118524469435215, 0.061078961938619614, 0.01957564614713192, -0.022866006940603256, 0.04916110634803772, 0.018167417496442795, -0.06248841434717178, 0.013335874304175377, -0.06294629722833633, 0.016083957627415657, 0.0066052270121872425, -0.08672270178794861, 0.04428775608539581, -0.05639634653925896, -0.0008488140301778913, -0.02195560932159424, -0.017619378864765167, -0.026188930496573448, -0.018985433503985405, -0.0691029354929924, 0.0883694514632225, -0.002243676455691457, -0.00319287390448153, 0.06556510925292969, -0.031224116683006287, 0.007605349645018578, 0.007383886259049177, 0.003998394589871168, -0.021214133128523827, -0.08649715036153793, 0.046586889773607254, 0.0062410044483840466, 0.01714625395834446, 0.08861684054136276, 0.059725623577833176, 0.007395973429083824, 0.01552407443523407, -0.005405200645327568 ]
tau/fewsion_single_mask_1024_0.3_epoch1
13f46ac084397cf98d1534036537d9b9a9ad4553
2022-03-23T12:14:01.000Z
[ "pytorch", "t5", "text2text-generation", "transformers", "autotrain_compatible" ]
text2text-generation
false
tau
null
tau/fewsion_single_mask_1024_0.3_epoch1
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 ]
tau/t5_single_mask_1024_0.3_epoch1
7187956a6b8728358538e09ccd82115a195f2444
2022-03-23T12:22:45.000Z
[ "pytorch", "t5", "text2text-generation", "transformers", "autotrain_compatible" ]
text2text-generation
false
tau
null
tau/t5_single_mask_1024_0.3_epoch1
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/dcgan-test
49b50762dad0d9f717c2885cabcf53adb2d2429d
2022-03-23T15:06:10.000Z
[ "pytorch" ]
null
false
huggan
null
huggan/dcgan-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 ]
pere/test-t5-small-direct
68f7d6dfdfcc3fd597858fd626e7cdf8d2158036
2022-03-23T15:45:31.000Z
[ "pytorch", "t5", "text2text-generation", "transformers", "autotrain_compatible" ]
text2text-generation
false
pere
null
pere/test-t5-small-direct
0
null
transformers
This is a control model. Converted directly from the original TF dataset format. ```` gsutil cp -R gs://t5-data/pretrained_models/small/ . wget https://huggingface.co/t5-small/raw/main/config.json python3 convert_t5_original_tf_checkpoint_to_pytorch.py --tf_checkpoint_path "dump/small/" --config_file "config.json" --pytorch_dump_path "/home/perk/dirconv" ```
[ -0.044622138142585754, 0.02036929316818714, -0.09554854780435562, -0.023555370047688484, 0.060510311275720596, -0.06262500584125519, 0.007309776730835438, 0.04785936698317528, -0.012249797582626343, -0.013142463751137257, 0.0771566778421402, -0.030408820137381554, 0.001307757804170251, -0.04866627976298332, -0.039898522198200226, -0.009932100772857666, -0.007962885312736034, 0.009216289967298508, -0.032480593770742416, -0.11106179654598236, -0.0885416716337204, 0.05842295289039612, 0.020550543442368507, 0.06349299848079681, -0.013105441816151142, -0.08201391994953156, -0.06519243121147156, 0.017074815928936005, -0.010136115364730358, 0.021664943546056747, -0.06568486243486404, 0.05202101916074753, -0.07179846614599228, 0.023073455318808556, 0.11541615426540375, 0.05662233754992485, -0.02878245897591114, 0.003221452236175537, -0.017938239499926567, -0.03813997656106949, 0.0952862873673439, -0.03404912352561951, -0.059109821915626526, -0.024644646793603897, -0.0020659910514950752, -0.021155618131160736, 0.011837084777653217, -0.025962911546230316, 0.043145809322595596, -0.057307496666908264, -0.011694452725350857, 0.06597796082496643, -0.07795190066099167, -0.05466631427407265, 0.009342465549707413, 0.021973107010126114, 0.04506513103842735, 0.03646877408027649, -0.01583770476281643, -0.0038505143020302057, -0.09896189719438553, -0.008945096284151077, -0.016185976564884186, -0.006149047054350376, 0.052045099437236786, 0.0035371410194784403, -0.07087142020463943, 0.00710376026108861, 0.07702694833278656, -0.08846567571163177, -0.0690576508641243, -0.01859474740922451, -0.028081785887479782, -0.009482873603701591, -0.004893477074801922, 0.009661039337515831, 0.048663076013326645, 0.09627479314804077, -0.013094601221382618, -0.06447263807058334, -0.021818697452545166, -0.009669609367847443, 0.014169320464134216, 0.026429912075400352, -0.0543917715549469, -0.04639637470245361, -0.027675025165081024, 0.0734027698636055, 0.13214369118213654, 0.0037394233513623476, 0.05232919380068779, -0.009271250106394291, -0.044373396784067154, -0.002546382136642933, -0.08352319896221161, 0.05400468036532402, 0.05091620981693268, 0.01938786916434765, -0.002093525370582938, 0.01355514395982027, -0.05605451762676239, -0.06392956525087357, 0.09052901715040207, 0.04651246219873428, -0.00994863547384739, 0.03962789475917816, 0.025135722011327744, -0.010483017191290855, 0.0178575050085783, -0.027756448835134506, 0.033447690308094025, 0.059588730335235596, 0.02734673209488392, -0.010138197802007198, 0.13363447785377502, 0.006850944831967354, -0.12288898229598999, 0.02737511321902275, 0.018787505105137825, 0.023512408137321472, -0.00469073373824358, -0.03858265280723572, 0.02246367372572422, 0.003248596331104636, -0.027711395174264908, -0.018684685230255127, -0.004285637754946947, -9.639655199242592e-34, 0.09048224240541458, 0.03925978019833565, 0.10889998078346252, 0.04994046688079834, 0.07535393536090851, 0.025406574830412865, 0.02511148899793625, -0.07155634462833405, 0.011055856943130493, 0.04739384725689888, -0.11477550864219666, -0.08012022078037262, -0.1034156009554863, 0.006747203413397074, -0.060972996056079865, -0.1005752682685852, -0.07825648784637451, 0.04089672863483429, -0.011068467982113361, 0.06591369211673737, 0.07434497773647308, 0.14414659142494202, -0.06828573346138, -0.053030431270599365, 0.0033340961672365665, 0.07399201393127441, -0.024136057123541832, -0.019401708617806435, -0.03806733340024948, 0.05740462243556976, -0.11448059231042862, 0.04784015938639641, -0.0015828288160264492, -0.00790693424642086, -0.002864978276193142, -0.030841711908578873, -0.013472763821482658, 0.03216750919818878, -0.04069468006491661, -0.0767243430018425, 0.0192343071103096, 0.007847950793802738, -0.0747966468334198, -0.024219071492552757, -0.07200312614440918, -0.044909656047821045, 0.07372918725013733, 0.0323144756257534, -0.025664161890745163, 0.007753224112093449, 0.02187478169798851, -0.014803600497543812, 0.024433866143226624, -0.07933206856250763, -0.0730196014046669, -0.02572079747915268, 0.08589883148670197, -0.00634925439953804, 0.07813671976327896, 0.040165092796087265, 0.08969723433256149, 0.05324874445796013, -0.02982133813202381, 0.04278038442134857, 0.09865973889827728, 0.020903294906020164, -0.05882652848958969, -0.08064896613359451, 0.08660838007926941, 0.06275033205747604, -0.06994078308343887, 0.03659055009484291, 0.021794715896248817, 0.05893837288022041, 0.1202256977558136, -0.052600059658288956, 0.02796601504087448, 0.04524092376232147, -0.08971845358610153, -0.028195664286613464, -0.10896624624729156, -0.019398536533117294, -0.04070788249373436, -0.05702276527881622, -0.014844388701021671, -0.04607485607266426, 0.0174788199365139, -0.004322912078350782, -0.05738082528114319, -0.09902013093233109, -0.03616027534008026, -0.061695292592048645, 0.018087061122059822, 0.02189096249639988, -0.06747975945472717, -3.695152027719216e-34, 0.06677281111478806, -0.02086944319307804, 0.055567193776369095, 0.00015964357589837164, -0.0025902169290930033, -0.015883274376392365, -0.014132948592305183, 0.03253045305609703, 0.022979844361543655, 0.0768674686551094, -0.0031166975386440754, -0.0652424618601799, 0.05895140767097473, -0.10351357609033585, 0.06568103283643723, -0.04703209921717644, 0.01665118895471096, -0.005579792428761721, -0.07156861573457718, -0.0034713121131062508, -0.02756575122475624, -0.03130755573511124, 0.013886356726288795, 0.0667024627327919, -0.01569151133298874, -0.0013707040343433619, 0.04848754405975342, 0.04598640277981758, -0.03474416956305504, 0.0054507129825651646, -0.05134686827659607, -0.0159736480563879, -0.007541820406913757, 0.068980872631073, -0.0017526565352454782, -0.0382637120783329, 0.023921355605125427, -0.0014633482787758112, 0.006281089037656784, 0.013753817416727543, 0.08849771320819855, 0.053345926105976105, -0.058272164314985275, 0.04532897099852562, -0.0744110643863678, 0.07150007784366608, -0.005490266252309084, 0.028169764205813408, 0.0045355940237641335, -0.07344221323728561, 0.10099524259567261, -0.0019216017099097371, 0.009203499183058739, -0.006135815754532814, 0.014938275329768658, 0.03374257683753967, 0.12458217889070511, -0.019265582785010338, -0.036082297563552856, 0.013446712866425514, -0.0640789046883583, -0.07749458402395248, -0.02721194177865982, -0.04221592843532562, 0.01734209433197975, -0.013215919956564903, -0.02630791999399662, 0.026833096519112587, -0.008370847441256046, 0.007305291946977377, 0.041917506605386734, 0.022234531119465828, 0.06200513243675232, 0.05133803188800812, 0.018564485013484955, -0.06596680730581284, -0.04971730709075928, -0.039373498409986496, 0.0910031646490097, 0.01761750690639019, -0.0462062805891037, -0.03165483847260475, 0.05645112693309784, 0.056685253977775574, 0.021914934739470482, -0.008635953068733215, -0.002554684178903699, 0.08955027163028717, 0.0744202584028244, 0.014472593553364277, -0.04517235606908798, 0.04297034069895744, 0.008171441964805126, 0.12311200052499771, 0.05229634791612625, -4.158294686362751e-8, -0.05786632001399994, -0.008722889237105846, -0.0347650907933712, 0.10195017606019974, -0.005466559436172247, 0.02507041022181511, 0.03185359761118889, 0.045878879725933075, 0.054012689739465714, 0.0010976642370224, 0.02457752451300621, 0.001403494505211711, -0.030156126245856285, -0.016902783885598183, -0.07943147420883179, 0.026798566803336143, 0.007702643983066082, 0.034733161330223083, 0.0011517158709466457, 0.013836641795933247, 0.047036949545145035, -0.05507863685488701, 0.003446996444836259, -0.0404125414788723, 0.03323923051357269, -0.019673047587275505, -0.03414276987314224, 0.10448218137025833, -0.016763435676693916, -0.05687945336103439, -0.021997783333063126, -0.08037635684013367, -0.046399928629398346, 0.057122886180877686, -0.01960795558989048, 0.08130881935358047, 0.004692614544183016, -0.022990267723798752, 0.02589341439306736, 0.046161916106939316, -0.07516836374998093, 0.030244871973991394, -0.04041219502687454, -0.04108114168047905, -0.07840624451637268, -0.02205289714038372, -0.1142740249633789, 0.04024599492549896, -0.021226298063993454, 0.035252150148153305, 0.024101583287119865, 0.03850128874182701, -0.04961704835295677, 0.03388630598783493, -0.017776980996131897, -0.018660645931959152, -0.013946318998932838, -0.0018931885715574026, -0.006213066633790731, -0.03975803032517433, 0.03852412477135658, 0.042688578367233276, 0.06929033994674683, -0.03657691925764084 ]
huggingtweets/pierreavdb
6b9765b70cc5524b369bc92c651316feeec97617
2022-03-23T16:50:02.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/pierreavdb
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/pierreavdb/1648054135143/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/1479780096483512323/LmKFSR3X_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">Pierre</div> <div style="text-align: center; font-size: 14px;">@pierreavdb</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 Pierre. | Data | Pierre | | --- | --- | | Tweets downloaded | 1064 | | Retweets | 172 | | Short tweets | 133 | | Tweets kept | 759 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/21bimkjn/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 @pierreavdb's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/ji40nkbv) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/ji40nkbv/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/pierreavdb') 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.004406102001667023, 0.11812771111726761, -0.020294468849897385, 0.06016682833433151, 0.17473071813583374, -0.02602338418364525, -0.033709947019815445, 0.015718979761004448, 0.0751381367444992, -0.059452835470438004, 0.0010900788474828005, 0.0694403201341629, 0.013605048879981041, -0.026966676115989685, -0.0032505663111805916, 0.04631618410348892, -0.08427098393440247, -0.034082960337400436, -0.06432526558637619, 0.040170423686504364, -0.08053084462881088, -0.0971640944480896, 0.0757502093911171, -0.04053102806210518, -0.05072026327252388, 0.07929866015911102, -0.0016564363613724709, 0.05444300174713135, -0.010698302648961544, -0.03226705640554428, -0.04314601793885231, 0.04726069048047066, 0.05645344406366348, 0.03563222289085388, -0.019840620458126068, 0.01027627196162939, -0.012148884125053883, 0.02513647824525833, -0.06295676529407501, -0.005997167434543371, -0.017117932438850403, -0.09924723207950592, 0.05672396346926689, 0.0387679859995842, -0.03178352862596512, -0.02764868177473545, -0.019832467660307884, -0.004165870137512684, -0.0512821227312088, 0.02583700232207775, -0.055915217846632004, -0.048890627920627594, 0.003582342993468046, -0.004309503361582756, 0.015511618927121162, 0.07178790122270584, 0.02893698960542679, -0.05080592259764671, 0.07544242590665817, -0.02529187500476837, 0.1019512265920639, 0.08281146734952927, 0.08231501281261444, 0.007090376224368811, 0.0016497998731210828, -0.017393868416547775, -0.06729201227426529, 0.029650725424289703, -0.03665256127715111, -0.0094583285972476, 0.03049374558031559, -0.00300778029486537, -0.029423408210277557, -0.04525364562869072, 0.07057875394821167, -0.033569470047950745, -0.01661059260368347, 0.0330902561545372, -0.0101466104388237, 0.05799010023474693, 0.02360217273235321, -0.05883583053946495, 0.00189425447024405, -0.022298766300082207, 0.04440266638994217, 0.04309641197323799, 0.0070108589716255665, -0.11181159317493439, -0.0201569814234972, 0.021525532007217407, -0.023375311866402626, -0.019868973642587662, -0.013586875051259995, 0.045199766755104065, -0.04722841456532478, 0.02506924606859684, -0.05166183412075043, -0.15139886736869812, -0.11321335285902023, 0.06731918454170227, 0.011221787892282009, -0.04653219133615494, 0.06576356291770935, 0.015538305975496769, 0.002964620478451252, -0.036729056388139725, -0.026503538712859154, 0.012649386189877987, -0.011203732341527939, -0.008782646618783474, 0.04389438405632973, -0.05700364708900452, -0.1025458425283432, 0.027432851493358612, -0.04017798230051994, -0.09711332619190216, -0.007539029233157635, 0.041505031287670135, 0.09724155813455582, -0.015500140376389027, 0.04807066544890404, 0.14753147959709167, -0.040436483919620514, -0.09069947153329849, 0.0010715473908931017, 0.01833171397447586, -0.058986276388168335, 1.1283548967708029e-32, 0.05279439315199852, 0.008138591423630714, -0.06663411110639572, 0.048168785870075226, 0.13247530162334442, -0.008757419884204865, 0.0015079613076522946, -0.030032983049750328, -0.08469267934560776, 0.010002047754824162, 0.07620611041784286, 0.038350366055965424, 0.002638405654579401, 0.014136596582829952, 0.009020509198307991, -0.08737849444150925, -0.010638272389769554, -0.014458001591265202, -0.036639533936977386, 0.02832098677754402, -0.10343864560127258, 0.04755276441574097, -0.038044288754463196, -0.06641308218240738, -0.05676111951470375, 0.02597835101187229, 0.055090468376874924, -0.051840320229530334, 0.005793001037091017, 0.002456200309097767, -0.042869340628385544, -0.01975199766457081, 0.06077496334910393, -0.03880954906344414, 0.03894975408911705, 0.015772778540849686, 0.015945404767990112, -0.07831059396266937, -0.019667010754346848, 0.04576285928487778, -0.04257315769791603, -0.04986179992556572, 0.05100199580192566, -0.02046670950949192, -0.05936822667717934, 0.0728275403380394, 0.14627499878406525, 0.02699868194758892, -0.03305228427052498, -0.04790685698390007, -0.036545004695653915, -0.0015041484730318189, -0.037252869457006454, -0.11798592656850815, -0.01620384119451046, -0.091715008020401, 0.0044798958115279675, 0.019488608464598656, 0.03909793496131897, -0.03447921201586723, -0.0052053858526051044, -0.060211095958948135, 0.02268311195075512, -0.08311087638139725, 0.028909912332892418, 0.032357171177864075, -0.08977672457695007, -0.032798945903778076, 0.04815874248743057, -0.041966382414102554, -0.03221314400434494, -0.0022121439687907696, 0.11165284365415573, -0.03153705596923828, -0.04295329377055168, 0.03897634148597717, -0.02165243588387966, -0.04635724425315857, -0.023812932893633842, 0.01261124387383461, -0.058877114206552505, 0.025479979813098907, 0.021533973515033722, 0.010149247944355011, -0.024508025497198105, -0.004060513339936733, -0.02129284478724003, -0.04799775779247284, 0.011172031052410603, -0.005617504473775625, -0.10039852559566498, -0.017851147800683975, 0.052180301398038864, -0.08412674814462662, -0.07868035137653351, -1.2132474090140592e-32, 0.04665577784180641, -0.002961070742458105, -0.003971423022449017, 0.05545185133814812, 0.10331495106220245, 0.047101277858018875, 0.04415818676352501, 0.05391818657517433, 0.011677105911076069, -0.0005703531787730753, 0.045396722853183746, -0.02491144649684429, -0.08573870360851288, -0.027493014931678772, 0.02135607972741127, 0.035262152552604675, 0.06261542439460754, -0.024831097573041916, -0.026576802134513855, 0.043555572628974915, 0.01765199564397335, 0.04749486222863197, -0.013864737935364246, 0.09341476112604141, -0.07249665260314941, -0.013130907900631428, 0.07162775099277496, -0.018288487568497658, -0.015117664821445942, 0.016826516017317772, -0.06132194772362709, -0.08887486159801483, -0.02159319631755352, 0.053212061524391174, 0.059218209236860275, -0.0002963334263768047, -0.07658865302801132, -0.04098038747906685, -0.037053316831588745, -0.0509057454764843, -0.004872776102274656, -0.09102476388216019, -0.06737934052944183, -0.006647197995334864, 0.039499375969171524, -0.04389562830328941, 0.03907912224531174, -0.013882805593311787, 0.005188282113522291, 0.05917542427778244, 0.024823416024446487, 0.04458881914615631, -0.01844615302979946, -0.02094813622534275, -0.02395424246788025, -0.08157812058925629, -0.05510056018829346, 0.027775779366493225, 0.01688549481332302, 0.04169546812772751, 0.03266395628452301, 0.023648863658308983, -0.030049460008740425, 0.015855822712183, 0.06879058480262756, 0.06205471605062485, -0.07769118994474411, 0.02604624815285206, -0.06380545347929001, 0.0033474555239081383, 0.029847847297787666, 0.06620919704437256, 0.029009541496634483, -0.005151567980647087, 0.024929655715823174, -0.02128566987812519, 0.0943310484290123, -0.015794871374964714, 0.07161341607570648, 0.016529832035303116, -0.0931229218840599, -0.051862552762031555, -0.04696226865053177, 0.013509664684534073, -0.05601656436920166, -0.014212018810212612, -0.031342677772045135, 0.0933060348033905, -0.030811261385679245, -0.0350104495882988, -0.038607366383075714, 0.07864566147327423, 0.048979148268699646, 0.029095623642206192, 0.06747663021087646, -6.863415791258376e-8, -0.053434476256370544, -0.07978394627571106, -0.01976792886853218, 0.0016073734732344747, -0.02559880167245865, 0.02986552007496357, 0.028552420437335968, -0.15376926958560944, -0.029775217175483704, -0.05746275931596756, 0.04543675109744072, 0.008664261549711227, -0.06767316907644272, 0.022922974079847336, -0.032566215842962265, 0.024666091427206993, -0.08852998912334442, 0.09197897464036942, -0.01364791952073574, -0.06274956464767456, -0.002259183442220092, 0.03559566289186478, 0.025666605681180954, -0.021360181272029877, -0.008876019157469273, 0.038138095289468765, -0.1173383966088295, 0.005303550511598587, 0.01159469224512577, 0.002141135511919856, 0.04585054889321327, -0.054643936455249786, 0.03705484792590141, -0.050042588263750076, -0.010345996357500553, -0.07398250699043274, -0.025302495807409286, -0.029792891815304756, 0.013081287033855915, 0.02089763805270195, 0.04400791600346565, 0.012784196063876152, 0.06887402385473251, 0.04854264482855797, -0.022248271852731705, -0.00032852363074198365, 0.03599840775132179, -0.018217667937278748, 0.02949482761323452, 0.044015370309352875, -0.018872225657105446, -0.0738828182220459, -0.0003788155154325068, 0.034454699605703354, 0.07197663187980652, -0.01432992983609438, -0.011446837335824966, 0.06731712073087692, -0.029063059017062187, 0.07387115806341171, 0.049190275371074677, 0.059807226061820984, 0.0020863120444118977, 0.058677952736616135 ]
huggingtweets/stedmanhalliday
27a4c69dac9c60bd6ac70d6835abb013dfecb6ef
2022-03-23T17:16:45.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/stedmanhalliday
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/1500999718331199496/yhpq7J8H_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">SODI</div> <div style="text-align: center; font-size: 14px;">@stedmanhalliday</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 SODI. | Data | SODI | | --- | --- | | Tweets downloaded | 3250 | | Retweets | 59 | | Short tweets | 559 | | Tweets kept | 2632 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/4ry6l5q3/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 @stedmanhalliday's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/1lxo4zkg) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/1lxo4zkg/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/stedmanhalliday') 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.018656224012374878, 0.12404603511095047, -0.007162055931985378, 0.04057163745164871, 0.15751472115516663, -0.020016422495245934, -0.040764715522527695, 0.03629103675484657, 0.06408895552158356, -0.0520157665014267, 0.00985712930560112, 0.08297418802976608, 0.01865779235959053, -0.027598602697253227, -0.0037823717575520277, 0.032587479799985886, -0.08522026985883713, -0.015514006838202477, -0.03187735006213188, 0.03220906853675842, -0.08314786106348038, -0.09639604389667511, 0.0893644168972969, -0.06670323759317398, -0.05305926129221916, 0.05735228583216667, 0.0042411875911056995, 0.04467179626226425, -0.0014187163906171918, -0.027849210426211357, -0.025176620110869408, 0.026203792542219162, 0.050941962748765945, 0.03345626965165138, -0.015323825180530548, 0.03428323194384575, -0.003767880145460367, 0.013375498354434967, -0.05782769247889519, 0.028716234490275383, -0.019163722172379494, -0.11211597919464111, 0.056015465408563614, 0.025942161679267883, -0.02589905820786953, -0.02506420388817787, -0.02488834410905838, 0.0026559026446193457, -0.03351015970110893, 0.02699155919253826, -0.06212129443883896, -0.06582615524530411, -0.0013233323115855455, -0.009174950420856476, 0.01673016883432865, 0.05224629119038582, 0.016289805993437767, -0.06093030422925949, 0.05981043353676796, -0.0034351712092757225, 0.12690454721450806, 0.10433030873537064, 0.07949429005384445, 0.011568271555006504, 0.011940360069274902, -0.010134745389223099, -0.06379015743732452, 0.05527274310588837, -0.022909164428710938, -0.006344954017549753, 0.02477056346833706, -0.008242318406701088, -0.0454447977244854, -0.04991802200675011, 0.03543097525835037, -0.06674851477146149, -0.014359080232679844, 0.03066391870379448, -0.023761235177516937, 0.050017405301332474, 0.038820382207632065, -0.0438610278069973, 0.01595188118517399, -0.013440551236271858, 0.0596349835395813, 0.01696423999965191, 0.0005014860653318465, -0.10545487701892853, -0.03465892747044563, 0.04096391052007675, -0.015178406611084938, -0.010699115693569183, 0.006378517020493746, 0.03281920403242111, -0.04031609743833542, 0.010953575372695923, -0.07026224583387375, -0.1315978318452835, -0.12087085098028183, 0.07610483467578888, -0.004988338332623243, -0.04543009772896767, 0.09239618480205536, 0.03251849487423897, 0.007855705916881561, -0.023729614913463593, -0.03554941713809967, 0.020156335085630417, -0.002998701296746731, -0.016200944781303406, 0.028398923575878143, -0.04616786539554596, -0.10698282718658447, 0.011924387887120247, -0.02908845990896225, -0.10562005639076233, -0.006586748640984297, 0.026978565379977226, 0.10001453012228012, -0.031416524201631546, 0.07424184679985046, 0.14932462573051453, -0.04988529533147812, -0.09364687651395798, -0.0012626199750229716, 0.03172730654478073, -0.04887422174215317, 1.175898059663398e-32, 0.06805440783500671, 0.01582985185086727, -0.05563117191195488, 0.041971929371356964, 0.10612154006958008, 0.00541726965457201, -0.011293678544461727, -0.051648274064064026, -0.10440857708454132, 0.004547892604023218, 0.07241453230381012, 0.03399445489048958, -0.004959928337484598, 0.02083076909184456, -0.0032106454018503428, -0.08970504999160767, -0.029002241790294647, 0.008690615184605122, -0.010118810459971428, 0.007064405363053083, -0.09557420015335083, 0.040435872972011566, -0.049995794892311096, -0.06761962920427322, -0.05268579721450806, 0.015413997694849968, 0.08867493271827698, -0.04959137365221977, 0.006599252577871084, 0.0008516707457602024, -0.04708556830883026, -0.0194410290569067, 0.06464628130197525, -0.051332026720047, 0.036826808005571365, -0.00721187936142087, -0.0006913038087077439, -0.08485551178455353, -0.0008243375923484564, 0.043344706296920776, -0.025049641728401184, -0.059525731950998306, 0.05058763921260834, -0.02975952997803688, -0.055111732333898544, 0.07971429824829102, 0.13471178710460663, 0.00017868238501250744, 0.002637665020301938, -0.06031345948576927, -0.025531044229865074, -0.018491873517632484, -0.04435516148805618, -0.09373980760574341, -0.02581930160522461, -0.09340663999319077, -0.006315738894045353, 0.034953683614730835, 0.022994128987193108, -0.012561188079416752, -0.003860233351588249, -0.06519516557455063, 0.039477597922086716, -0.0729551911354065, 0.04614121839404106, 0.029988177120685577, -0.07798262685537338, -0.028893494978547096, 0.046437401324510574, -0.034961070865392685, -0.04743074253201485, 0.005895883776247501, 0.10589956492185593, -0.03927674889564514, -0.06474312394857407, 0.012388071976602077, -0.009148141369223595, -0.037515055388212204, -0.03751278668642044, 0.037476059049367905, -0.050622619688510895, -0.002213085303083062, 0.04044918343424797, 0.014180249534547329, -0.02414027228951454, -0.011456434614956379, 0.005522842053323984, -0.050552286207675934, 0.025723112747073174, -0.01203305646777153, -0.10498353093862534, -0.02847212180495262, 0.020160140469670296, -0.0926503911614418, -0.07222648710012436, -1.2098777809890302e-32, 0.08131246268749237, -0.0005155745311640203, 0.00038788196980021894, 0.05444828048348427, 0.0797407403588295, 0.06034298241138458, 0.06689785420894623, 0.07039817422628403, 0.0045044091530144215, 0.0021147674415260553, 0.04611102491617203, -0.027232743799686432, -0.0890374705195427, -0.03912708908319473, 0.015708085149526596, 0.0130466902628541, 0.07643601298332214, -0.028674142435193062, -0.04375201463699341, 0.02042326144874096, 0.011571724899113178, 0.035216670483350754, -0.010403702966868877, 0.09428268671035767, -0.07032136619091034, -0.007901000790297985, 0.08181068301200867, -0.0052938940934836864, -0.011159930378198624, 0.020177360624074936, -0.047474317252635956, -0.08967028558254242, -0.03670523688197136, 0.05553824082016945, 0.07201796025037766, 0.001179774641059339, -0.07067526131868362, -0.02684686705470085, -0.03569937124848366, -0.04944537580013275, 0.012384437024593353, -0.09217680990695953, -0.051678337156772614, -0.012564005330204964, 0.04056466743350029, -0.04252640902996063, 0.02071065455675125, -0.03650549054145813, -0.013449536636471748, 0.02987854741513729, 0.03008381277322769, 0.03078715316951275, -0.008426524698734283, -0.028057759627699852, -0.024887945502996445, -0.10367002338171005, -0.04299937188625336, 0.026121795177459717, 0.004681504797190428, 0.0262528657913208, 0.030100330710411072, 0.004395938944071531, -0.021191300824284554, -0.002847634954378009, 0.06172522157430649, 0.0503850094974041, -0.07473242282867432, 0.039463162422180176, -0.08802393823862076, 0.002875167177990079, 0.03008238412439823, 0.05570578575134277, 0.05147271230816841, 0.00013879647303838283, 0.04038224741816521, -0.028514588251709938, 0.09005577862262726, -0.001296243048273027, 0.06959396600723267, 0.005103507544845343, -0.07527577877044678, -0.06685969233512878, -0.045920033007860184, -0.003605989972129464, -0.06175011023879051, -0.005140336696058512, -0.031060809269547462, 0.10884904116392136, -0.024906108155846596, -0.034126147627830505, -0.0412873737514019, 0.07919936627149582, 0.05969621241092682, 0.04000004008412361, 0.06692402064800262, -6.839798771807182e-8, -0.045242734253406525, -0.07879211753606796, 0.00041974877240136266, 0.006137258373200893, -0.04498039558529854, 0.027337858453392982, 0.04463360831141472, -0.1548883318901062, -0.026014355942606926, -0.0517965704202652, 0.028921596705913544, 0.01813921518623829, -0.06410688161849976, 0.03340303152799606, -0.04072146117687225, 0.015626296401023865, -0.11143361032009125, 0.0882779210805893, 0.00021545063646044582, -0.06484142690896988, -0.018252898007631302, 0.038761865347623825, 0.03418434038758278, -0.020889241248369217, -0.0023808712139725685, 0.0745360404253006, -0.1003987193107605, -0.005245016887784004, 0.023138446733355522, -0.008065381087362766, 0.03350059688091278, -0.04475037008523941, 0.029295526444911957, -0.04831114783883095, -0.009068253450095654, -0.05833037570118904, -0.04019103944301605, -0.03289968892931938, -0.0024116060230880976, 0.008084087632596493, 0.03672611713409424, 0.015013225376605988, 0.07389114052057266, 0.04955703020095825, -0.023253222927451134, 0.015750940889120102, 0.04248516261577606, 0.006415344774723053, 0.024727296084165573, 0.02915230020880699, -0.023133892565965652, -0.07453366369009018, 0.00837272685021162, 0.031033214181661606, 0.047702740877866745, -0.0000716010617907159, -0.008353800512850285, 0.053471639752388, 0.010607889853417873, 0.07128554582595825, 0.03718896955251694, 0.0529320053756237, -0.002448521088808775, 0.06316022574901581 ]
huggingtweets/metakuna
95443d72f2a1ddcbf57d6b1cebe8f1b227180d6c
2022-03-23T17:48:52.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/metakuna
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/metakuna/1648057688512/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/1493720826935398408/hB4ndxdj_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">metakuna (8/100 blog posts)</div> <div style="text-align: center; font-size: 14px;">@metakuna</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 metakuna (8/100 blog posts). | Data | metakuna (8/100 blog posts) | | --- | --- | | Tweets downloaded | 3235 | | Retweets | 242 | | Short tweets | 524 | | Tweets kept | 2469 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/9uv1luph/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 @metakuna's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/1k1mb79h) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/1k1mb79h/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/metakuna') 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.006828666664659977, 0.12126711755990982, -0.0140224639326334, 0.057209841907024384, 0.17254118621349335, -0.020308494567871094, -0.037825580686330795, 0.023800143972039223, 0.07520019263029099, -0.05789860710501671, -0.002548495540395379, 0.07430219650268555, 0.01712082512676716, -0.03217019885778427, -0.005993741098791361, 0.03801833465695381, -0.08190099895000458, -0.03192446380853653, -0.06169334426522255, 0.027549929916858673, -0.0856751874089241, -0.09441186487674713, 0.08034081012010574, -0.04078220576047897, -0.04425175487995148, 0.0754925087094307, -0.0027394306380301714, 0.05291793495416641, -0.009890850633382797, -0.021923810243606567, -0.04171224310994148, 0.03835374489426613, 0.04944870248436928, 0.041258662939071655, -0.027967514470219612, 0.020294923335313797, -0.014706039801239967, 0.027436314150691032, -0.06288027763366699, 0.002389750210568309, -0.015328648500144482, -0.10278201103210449, 0.04625691473484039, 0.03871782496571541, -0.03181511536240578, -0.03204995393753052, -0.020472750067710876, -0.004378169775009155, -0.05956044793128967, 0.026617756113409996, -0.05111578851938248, -0.05492227524518967, 0.004127317573875189, 0.005623755976557732, 0.01880684681236744, 0.06639266759157181, 0.028599219396710396, -0.047008052468299866, 0.07999828457832336, -0.027474192902445793, 0.10659093409776688, 0.08528037369251251, 0.08864254504442215, 0.00007345502672251314, 0.005880358163267374, -0.013114075176417828, -0.07015345245599747, 0.036248717457056046, -0.028328536078333855, -0.016910793259739876, 0.029722273349761963, -0.003493766998872161, -0.03095802664756775, -0.0465528704226017, 0.06767767667770386, -0.038925785571336746, -0.014127945527434349, 0.026733344420790672, -0.017590604722499847, 0.059833988547325134, 0.03126274049282074, -0.057683926075696945, 0.008484628051519394, -0.02851981297135353, 0.04762256145477295, 0.03216327726840973, 0.007114325184375048, -0.10782607644796371, -0.02027374505996704, 0.022863687947392464, -0.018689678981900215, -0.02094930224120617, -0.011886445805430412, 0.04110770672559738, -0.0465211495757103, 0.02148100733757019, -0.050780490040779114, -0.15312542021274567, -0.1126582995057106, 0.06287183612585068, 0.008886237628757954, -0.05216239392757416, 0.06679656356573105, 0.017944496124982834, 0.007138819899410009, -0.03600844368338585, -0.030458616092801094, 0.010828578844666481, -0.011298056691884995, -0.014433327130973339, 0.04406769201159477, -0.05448293313384056, -0.10781184583902359, 0.022376107051968575, -0.02977701835334301, -0.09988553076982498, -0.005164113361388445, 0.04351246729493141, 0.0948079377412796, -0.02416326478123665, 0.05080009624361992, 0.15048755705356598, -0.03536110743880272, -0.09980419278144836, 0.00356452539563179, 0.027328835800290108, -0.05839963257312775, 1.1113172081815878e-32, 0.0556500107049942, 0.0027993093244731426, -0.06253664195537567, 0.044588446617126465, 0.13005481660366058, -0.007849165238440037, -0.004028857219964266, -0.033236194401979446, -0.08758174628019333, 0.000966159685049206, 0.07724468410015106, 0.03397061675786972, 0.007134057115763426, 0.015177413821220398, 0.0037764960434287786, -0.09271089732646942, -0.016500143334269524, -0.007864337414503098, -0.026488961651921272, 0.024789152666926384, -0.1094561293721199, 0.04507290944457054, -0.03895021229982376, -0.05956632271409035, -0.05043971166014671, 0.018964186310768127, 0.06571125239133835, -0.04932018741965294, 0.00574458995833993, 0.003335387911647558, -0.0475388765335083, -0.017685383558273315, 0.06367339193820953, -0.04839177429676056, 0.043495915830135345, 0.01446579210460186, 0.013468042016029358, -0.0785633996129036, -0.01236251275986433, 0.03960685059428215, -0.03665918484330177, -0.04650695249438286, 0.052773404866456985, -0.029721656814217567, -0.057432450354099274, 0.08371427655220032, 0.14205506443977356, 0.02195906825363636, -0.022579332813620567, -0.04651332646608353, -0.029136022552847862, -0.0098646841943264, -0.03882191330194473, -0.11228553205728531, -0.014143447391688824, -0.08948856592178345, 0.009624156169593334, 0.017252201214432716, 0.05119284242391586, -0.03305312991142273, -0.0012056438717991114, -0.06499803066253662, 0.023890651762485504, -0.08145198225975037, 0.03677787631750107, 0.03574923053383827, -0.09048902243375778, -0.03161129727959633, 0.04204922169446945, -0.04197998344898224, -0.03509323298931122, 0.003244686173275113, 0.1096402257680893, -0.0331689827144146, -0.04426993802189827, 0.03511810675263405, -0.020997295156121254, -0.05146646872162819, -0.034423135221004486, 0.022916635498404503, -0.05901550129055977, 0.015460638329386711, 0.028078272938728333, 0.003199694911018014, -0.027232004329562187, -0.008127162232995033, -0.01485690101981163, -0.051977843046188354, 0.016193846240639687, -0.005365381948649883, -0.10564302653074265, -0.0099995331838727, 0.04499208554625511, -0.08590676635503769, -0.07587377727031708, -1.1717148426108061e-32, 0.04938536509871483, -0.0013402749318629503, -0.007355621550232172, 0.051810894161462784, 0.09934171289205551, 0.04881962016224861, 0.04834841191768646, 0.05583042651414871, 0.015130411833524704, -0.001664798124693334, 0.04565552994608879, -0.03242340311408043, -0.08720491081476212, -0.03289708495140076, 0.020788466557860374, 0.031881287693977356, 0.06558684259653091, -0.02454766072332859, -0.027197273448109627, 0.04127908870577812, 0.013894982635974884, 0.03924519568681717, -0.013127092272043228, 0.08925916999578476, -0.07386313378810883, -0.01465818751603365, 0.07151612639427185, -0.012462957762181759, -0.014936676248908043, 0.015605918131768703, -0.0560038723051548, -0.0925503820180893, -0.01668510213494301, 0.05655317008495331, 0.055407676845788956, 0.004536428023129702, -0.07084808498620987, -0.04456998407840729, -0.03122020699083805, -0.053858447819948196, 0.003575264010578394, -0.09374009072780609, -0.06752195954322815, -0.00698105851188302, 0.035758860409259796, -0.036935050040483475, 0.03702257201075554, -0.010401503182947636, 0.00023771871929056942, 0.054669350385665894, 0.03826458007097244, 0.0451396107673645, -0.019494198262691498, -0.017108863219618797, -0.02198905311524868, -0.08343274146318436, -0.05059092864394188, 0.032355569303035736, 0.014307832345366478, 0.03195736184716225, 0.03642124682664871, 0.028155876323580742, -0.026127172634005547, 0.01063092052936554, 0.06590181589126587, 0.0507078692317009, -0.07408040761947632, 0.03150545805692673, -0.0650482326745987, -0.0020932094193995, 0.03006770648062229, 0.06587060540914536, 0.033933330327272415, -0.008420600555837154, 0.034022778272628784, -0.021127760410308838, 0.09088657796382904, -0.007604265119880438, 0.07248349487781525, 0.008462023921310902, -0.08782216161489487, -0.04827941209077835, -0.04515870660543442, 0.004901100881397724, -0.05658036842942238, -0.003998659551143646, -0.02896745689213276, 0.09208162873983383, -0.02809569053351879, -0.0361953042447567, -0.0406046099960804, 0.07524356991052628, 0.049873288720846176, 0.036487072706222534, 0.06831523776054382, -6.7347301069276e-8, -0.04866718128323555, -0.08656211197376251, -0.013888140209019184, 0.005028803367167711, -0.034539200365543365, 0.03333551809191704, 0.02991139516234398, -0.14935554563999176, -0.01497464906424284, -0.053619544953107834, 0.03842231258749962, 0.010443117469549179, -0.07290694862604141, 0.023399272933602333, -0.041758280247449875, 0.0167391337454319, -0.0983412116765976, 0.08620953559875488, -0.00924904365092516, -0.06446773558855057, -0.004100854974240065, 0.037484440952539444, 0.023122018203139305, -0.022996382787823677, -0.0030091938097029924, 0.05252119153738022, -0.11308646202087402, -0.00026751135010272264, 0.007888706400990486, -0.00941698532551527, 0.04849623143672943, -0.0623672790825367, 0.036652933806180954, -0.053271323442459106, -0.005283919628709555, -0.07116295397281647, -0.0349142849445343, -0.029165636748075485, 0.014171957038342953, 0.018869446590542793, 0.04433468356728554, 0.011551467701792717, 0.0715717226266861, 0.04276655241847038, -0.029262753203511238, 0.004216428380459547, 0.033951304852962494, -0.008193864487111568, 0.031110266223549843, 0.04312235116958618, -0.018577206879854202, -0.07795772701501846, 0.006309719756245613, 0.03240744769573212, 0.06875503063201904, -0.011635253205895424, -0.006055572535842657, 0.06748469918966293, -0.023300044238567352, 0.0708339661359787, 0.04573231190443039, 0.06377048790454865, 0.0037667665164917707, 0.0625711977481842 ]
huggingtweets/rickyflows
7e9df88c59361ab31e5ff679ef544339f1d99086
2022-03-23T18:12:17.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/rickyflows
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/rickyflows/1648058984275/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/1385231541278855171/lgH-Kso5_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">∞ ricky flowstate ∞</div> <div style="text-align: center; font-size: 14px;">@rickyflows</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 ∞ ricky flowstate ∞. | Data | ∞ ricky flowstate ∞ | | --- | --- | | Tweets downloaded | 3249 | | Retweets | 86 | | Short tweets | 506 | | Tweets kept | 2657 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/gn0lyrdk/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 @rickyflows's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/2fkt1gts) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/2fkt1gts/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/rickyflows') 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.006356400903314352, 0.12258675694465637, -0.01573038101196289, 0.05413117632269859, 0.17434699833393097, -0.018369043245911598, -0.03800101578235626, 0.026873262599110603, 0.0768439844250679, -0.05475860461592674, -0.0009189349366351962, 0.0741308405995369, 0.018184905871748924, -0.029526669532060623, -0.008340917527675629, 0.04006575793027878, -0.08622102439403534, -0.03571233153343201, -0.06691890209913254, 0.02594480663537979, -0.08675824850797653, -0.10110708326101303, 0.07360736280679703, -0.04301338642835617, -0.04743025824427605, 0.07877126336097717, -0.00010787740757223219, 0.061912525445222855, -0.009748285636305809, -0.026230210438370705, -0.04498077556490898, 0.040383145213127136, 0.05165575072169304, 0.03838495910167694, -0.030132343992590904, 0.01950136572122574, -0.01931353658437729, 0.02776670642197132, -0.053891025483608246, 0.0012012483784928918, -0.013111499138176441, -0.10473180562257767, 0.05082181096076965, 0.043078795075416565, -0.02824457548558712, -0.031719982624053955, -0.01493164338171482, -0.00008556006650906056, -0.05481831729412079, 0.022792676463723183, -0.05371841415762901, -0.047050591558218, 0.00327489897608757, 0.0018915769178420305, 0.013170626945793629, 0.0656416118144989, 0.025604140013456345, -0.051554035395383835, 0.07906614989042282, -0.02859364077448845, 0.10520122200250626, 0.08031929284334183, 0.08880101889371872, 0.0016056898748502135, 0.0003753508208319545, -0.013451075181365013, -0.07276521623134613, 0.031918834894895554, -0.032443467527627945, -0.013239075429737568, 0.028517836704850197, -0.003729673335328698, -0.028757015243172646, -0.04741104692220688, 0.06998287886381149, -0.03844261169433594, -0.017426760867238045, 0.02898372896015644, -0.015046876855194569, 0.060284990817308426, 0.03755224868655205, -0.058699432760477066, 0.006299679633229971, -0.03354186937212944, 0.05277867242693901, 0.030761033296585083, 0.00682956213131547, -0.10662401467561722, -0.018931031227111816, 0.01977839693427086, -0.021761078387498856, -0.020790308713912964, -0.007834243588149548, 0.04309729486703873, -0.05004405230283737, 0.026246216148138046, -0.05415365472435951, -0.15824982523918152, -0.11344702541828156, 0.06852313131093979, 0.0051495679654181, -0.05054052546620369, 0.06552248448133469, 0.017204871401190758, 0.008212893269956112, -0.03648262470960617, -0.02714729681611061, 0.0150807686150074, -0.01014755479991436, -0.014904508367180824, 0.046919744461774826, -0.049354299902915955, -0.10468028485774994, 0.028965311124920845, -0.030948396772146225, -0.10147163271903992, -0.013901694677770138, 0.04358484596014023, 0.09471942484378815, -0.022139351814985275, 0.045726023614406586, 0.14840498566627502, -0.04116503521800041, -0.09640269726514816, 0.003812667913734913, 0.02919217385351658, -0.054598111659288406, 1.1042145039719349e-32, 0.04995717853307724, 0.004312949255108833, -0.060170385986566544, 0.046063169836997986, 0.1271304339170456, -0.006805769167840481, -0.007108295802026987, -0.03210243210196495, -0.08892814069986343, 0.003236898221075535, 0.07802446186542511, 0.030731579288840294, 0.009412284940481186, 0.016756819561123848, 0.005432147532701492, -0.0905948132276535, -0.015032995492219925, -0.00894860178232193, -0.02951672114431858, 0.02455942891538143, -0.10753650218248367, 0.03931458666920662, -0.03638041019439697, -0.06462778151035309, -0.050474077463150024, 0.02348977141082287, 0.06448671966791153, -0.053289495408535004, 0.007367559242993593, 0.003178164130076766, -0.04597900062799454, -0.014344676397740841, 0.06295096129179001, -0.04895707592368126, 0.04435436427593231, 0.018024692311882973, 0.011311992071568966, -0.08070182800292969, -0.01070341281592846, 0.04091564938426018, -0.03904283419251442, -0.04689294844865799, 0.053154923021793365, -0.03189045935869217, -0.05867066606879234, 0.08112700283527374, 0.13627630472183228, 0.028885789215564728, -0.024412894621491432, -0.043125834316015244, -0.035645533353090286, -0.003286149585619569, -0.03783006593585014, -0.1127547174692154, -0.010693691670894623, -0.08834909647703171, 0.006595625076442957, 0.01787443459033966, 0.04732150956988335, -0.034215591847896576, -0.0049616312608122826, -0.060227226465940475, 0.0184321291744709, -0.08252386003732681, 0.038771647959947586, 0.03580237925052643, -0.0878210961818695, -0.0319674126803875, 0.047858092933893204, -0.03797284513711929, -0.030480122193694115, -0.0009295884519815445, 0.10758477449417114, -0.03586164489388466, -0.045658595860004425, 0.040166862308979034, -0.021962720900774002, -0.050532422959804535, -0.03307556360960007, 0.024979952722787857, -0.05879049003124237, 0.012070971541106701, 0.026664532721042633, 0.003400447778403759, -0.023523854091763496, -0.006155357230454683, -0.019586801528930664, -0.05184151977300644, 0.01690603606402874, -0.003794970689341426, -0.10387402772903442, -0.00831493642181158, 0.04741545021533966, -0.08115523308515549, -0.07538539171218872, -1.152069025930704e-32, 0.04593048244714737, 0.005264120642095804, -0.012514033354818821, 0.05691412463784218, 0.09995220601558685, 0.049818892031908035, 0.04781593382358551, 0.052532412111759186, 0.00803202111274004, 0.00046598672633990645, 0.048698484897613525, -0.02931421808898449, -0.09323161840438843, -0.03732667118310928, 0.023415615782141685, 0.02716679871082306, 0.06627468764781952, -0.0257207490503788, -0.02586204744875431, 0.03806551918387413, 0.014031870290637016, 0.04031893238425255, -0.009040653705596924, 0.09711938351392746, -0.06556388735771179, -0.008179142139852047, 0.073576420545578, -0.010273251682519913, -0.017871785908937454, 0.020482482388615608, -0.061216916888952255, -0.08502262085676193, -0.018964819610118866, 0.0545181967318058, 0.05482073500752449, -0.0010993286268785596, -0.0732571929693222, -0.04775252193212509, -0.028957918286323547, -0.044622667133808136, 0.00398855097591877, -0.08845485746860504, -0.06486628204584122, -0.009175474755465984, 0.0341997928917408, -0.044022709131240845, 0.038282301276922226, -0.010886156000196934, 0.007731878198683262, 0.057075995951890945, 0.03433134779334068, 0.05042298510670662, -0.0266608614474535, -0.01783204823732376, -0.027703143656253815, -0.08740614354610443, -0.05221858248114586, 0.029217099770903587, 0.016701752319931984, 0.0321405753493309, 0.029309768229722977, 0.026169003918766975, -0.021182354539632797, 0.014387531206011772, 0.07031041383743286, 0.0489068403840065, -0.07358922809362411, 0.03335057944059372, -0.0664122998714447, 0.006011390592902899, 0.03177531436085701, 0.06935551017522812, 0.03554922342300415, -0.007801000494509935, 0.031033482402563095, -0.018102921545505524, 0.08558622002601624, 0.002132207155227661, 0.07390176504850388, 0.01180784497410059, -0.08665976673364639, -0.054064225405454636, -0.047999829053878784, 0.010756343603134155, -0.057138893753290176, -0.010841402225196362, -0.029577411711215973, 0.08683305978775024, -0.024213137105107307, -0.0382952056825161, -0.035450197756290436, 0.07766857743263245, 0.04823015257716179, 0.037809863686561584, 0.07063722610473633, -6.829260712493124e-8, -0.051019392907619476, -0.08385562151670456, -0.020290564745664597, 0.007897967472672462, -0.029052678495645523, 0.03147195279598236, 0.032362792640924454, -0.15046744048595428, -0.017957603558897972, -0.056652434170246124, 0.04540859907865524, 0.008477028459310532, -0.06904904544353485, 0.025516901165246964, -0.03454126417636871, 0.018186055123806, -0.09916624426841736, 0.08648273348808289, -0.008255206979811192, -0.060909852385520935, -0.002978525124490261, 0.03551531955599785, 0.022409573197364807, -0.021232616156339645, -0.0044449567794799805, 0.049288827925920486, -0.11156611889600754, 0.0032226303592324257, 0.009171642363071442, -0.0021804089192301035, 0.0463004894554615, -0.06036381050944328, 0.035203710198402405, -0.05342533439397812, -0.004715710878372192, -0.07458478957414627, -0.025225285440683365, -0.033019233494997025, 0.01513531431555748, 0.022646736353635788, 0.03636842593550682, 0.0168827623128891, 0.07109549641609192, 0.04134008288383484, -0.02426648698747158, 0.0029302474576979876, 0.0414293147623539, -0.006285200826823711, 0.03257005661725998, 0.04210337623953819, -0.02100573293864727, -0.07641178369522095, 0.004433394875377417, 0.03200883790850639, 0.06954935193061829, -0.01393301971256733, -0.007376065477728844, 0.06658117473125458, -0.030169645324349403, 0.07120361924171448, 0.04334753751754761, 0.06553857028484344, 0.001756789512000978, 0.05805747210979462 ]
huggingtweets/lucca_dev
09f36b8ae9a36af23c736546d7eb53e5e77578e0
2022-03-23T18:20:26.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/lucca_dev
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/lucca_dev/1648059357338/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/1475818681628246021/sf4z2j_9_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">Lucca</div> <div style="text-align: center; font-size: 14px;">@lucca_dev</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 Lucca. | Data | Lucca | | --- | --- | | Tweets downloaded | 2525 | | Retweets | 17 | | Short tweets | 100 | | Tweets kept | 2408 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/3bq4zgob/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 @lucca_dev's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/2kuasht1) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/2kuasht1/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/lucca_dev') 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.012360078282654285, 0.11938943713903427, -0.00862289872020483, 0.05549721419811249, 0.17515267431735992, -0.019777128472924232, -0.037994787096977234, 0.026490408927202225, 0.0758325383067131, -0.05283413082361221, -0.0005677026347257197, 0.07105336338281631, 0.016155006363987923, -0.027726508677005768, -0.007092528510838747, 0.04062748700380325, -0.0876762717962265, -0.037611741572618484, -0.05869629979133606, 0.021965686231851578, -0.0815611258149147, -0.0975005179643631, 0.07865087687969208, -0.04094783961772919, -0.04003093019127846, 0.07289150357246399, -0.0006390130147337914, 0.05897306278347969, -0.009582913480699062, -0.024850310757756233, -0.04364833980798721, 0.03769009932875633, 0.04674724489450455, 0.03402373939752579, -0.03153929114341736, 0.02415384352207184, -0.01951286569237709, 0.02338586375117302, -0.05317008122801781, 0.007361219264566898, -0.012046859599649906, -0.10131429135799408, 0.04846206679940224, 0.04463544860482216, -0.030701961368322372, -0.02859232947230339, -0.01309880893677473, -0.004739666823297739, -0.05988664552569389, 0.027243273332715034, -0.05097861960530281, -0.05540522187948227, 0.003960685338824987, -0.0004570367163978517, 0.013040159828960896, 0.06271208822727203, 0.02592557854950428, -0.04833947494626045, 0.08236188441514969, -0.02841952256858349, 0.10390324890613556, 0.08379009366035461, 0.08431731164455414, -0.0033255000598728657, 0.004809078760445118, -0.014622721821069717, -0.07064062356948853, 0.03767215460538864, -0.027755802497267723, -0.014417418278753757, 0.02987091802060604, -0.00241038273088634, -0.026157129555940628, -0.05009057745337486, 0.06971527636051178, -0.04200978949666023, -0.015125775709748268, 0.027671927586197853, -0.01798953302204609, 0.062169089913368225, 0.038416244089603424, -0.05881389230489731, 0.006531924940645695, -0.03220190852880478, 0.05733181908726692, 0.03282293304800987, 0.007811638526618481, -0.10149747133255005, -0.015417752787470818, 0.025079207494854927, -0.02329277992248535, -0.01998760551214218, -0.008119453676044941, 0.0449061319231987, -0.044644858688116074, 0.02861005812883377, -0.04927739500999451, -0.1599503606557846, -0.11597935855388641, 0.06502022594213486, 0.004167311359196901, -0.051673874258995056, 0.06872039288282394, 0.01886886917054653, 0.014411486685276031, -0.034207940101623535, -0.02813805267214775, 0.010319070890545845, -0.008246907964348793, -0.012756605632603168, 0.045909564942121506, -0.04806460812687874, -0.10622298717498779, 0.020285774022340775, -0.02720668353140354, -0.09794944524765015, -0.012687288224697113, 0.04273652657866478, 0.08892906457185745, -0.01979377306997776, 0.047554343938827515, 0.14938586950302124, -0.03271523118019104, -0.09642650187015533, 0.007887198589742184, 0.033475540578365326, -0.05760449916124344, 1.1759244348178946e-32, 0.06102553382515907, 0.005748375318944454, -0.06344448029994965, 0.045779041945934296, 0.12828019261360168, -0.006009683478623629, -0.007052545435726643, -0.033548325300216675, -0.09354669600725174, -0.004949159454554319, 0.07039497792720795, 0.02776770107448101, 0.00779737439006567, 0.017643991857767105, 0.008898700587451458, -0.09331613779067993, -0.016492463648319244, -0.005878640338778496, -0.024876892566680908, 0.026040781289339066, -0.11039547622203827, 0.04629828408360481, -0.03612856939435005, -0.06839817762374878, -0.053069815039634705, 0.020089948549866676, 0.06988293677568436, -0.04876065254211426, 0.0010099337669089437, 0.002789222402498126, -0.044916119426488876, -0.014112683944404125, 0.06351859122514725, -0.05085911229252815, 0.04635674133896828, 0.015502872876822948, 0.008078036829829216, -0.07892879098653793, -0.0076613472774624825, 0.041296470910310745, -0.032328806817531586, -0.046509843319654465, 0.05423463508486748, -0.03372650966048241, -0.0555814728140831, 0.08337316662073135, 0.13861799240112305, 0.0222981758415699, -0.028826501220464706, -0.04646784067153931, -0.03097071871161461, -0.005455949809402227, -0.045446090400218964, -0.11158491671085358, -0.011174005456268787, -0.08621200919151306, 0.007957619614899158, 0.01679784245789051, 0.050236042588949203, -0.04219207167625427, 0.0022470862604677677, -0.062874935567379, 0.023664414882659912, -0.07937516272068024, 0.03859582170844078, 0.035796914249658585, -0.08834753930568695, -0.0361868180334568, 0.0499851331114769, -0.04373994097113609, -0.032894693315029144, -0.0006425537285394967, 0.10886835306882858, -0.03737873211503029, -0.04350924864411354, 0.03867268189787865, -0.019191812723875046, -0.051419660449028015, -0.03147660568356514, 0.02730131335556507, -0.05808427929878235, 0.011194875463843346, 0.022583527490496635, -0.0015797019004821777, -0.022220589220523834, -0.005175862926989794, -0.009731503203511238, -0.05274384468793869, 0.017678653821349144, -0.004703733138740063, -0.10315258055925369, -0.009869483299553394, 0.04217010736465454, -0.08686032891273499, -0.07801029086112976, -1.19521760319275e-32, 0.046591054648160934, 0.0036260189954191446, -0.010004390962421894, 0.054154057055711746, 0.09240688383579254, 0.04575638845562935, 0.0490800216794014, 0.051578328013420105, 0.01158760953694582, -0.0008329047705046833, 0.04931744933128357, -0.027778849005699158, -0.08608172833919525, -0.038943853229284286, 0.018786616623401642, 0.024721557274460793, 0.06455723196268082, -0.02707977220416069, -0.03150729462504387, 0.037501260638237, 0.013944252394139767, 0.03410394862294197, -0.01392120961099863, 0.09327070415019989, -0.07122817635536194, -0.007640135940164328, 0.07605208456516266, -0.012341617606580257, -0.014262731187045574, 0.0132640041410923, -0.05810897797346115, -0.08582978695631027, -0.016598844900727272, 0.056175265461206436, 0.050128281116485596, 0.0027498702984303236, -0.06795651465654373, -0.049289532005786896, -0.027176661416888237, -0.04628334566950798, 0.016739679500460625, -0.0923893004655838, -0.061307113617658615, -0.007087109610438347, 0.030582556501030922, -0.040346983820199966, 0.03430801257491112, -0.013681386597454548, 0.003377424320206046, 0.05491531267762184, 0.04079022631049156, 0.04688515514135361, -0.029203277081251144, -0.0223044753074646, -0.01990845613181591, -0.08775769919157028, -0.05223200470209122, 0.030755748972296715, 0.017689883708953857, 0.0342145599424839, 0.03240107744932175, 0.02923797443509102, -0.017892971634864807, 0.015935271978378296, 0.06640010327100754, 0.044528860598802567, -0.07740627974271774, 0.03856920823454857, -0.06039958819746971, 0.002887147478759289, 0.03362199291586876, 0.07213441282510757, 0.036322932690382004, -0.012630589306354523, 0.038239941000938416, -0.023144247010350227, 0.08794672042131424, 0.007152939215302467, 0.07573321461677551, 0.007042533718049526, -0.08490249514579773, -0.05000517889857292, -0.04888957738876343, 0.0045777978375554085, -0.052968479692935944, -0.009392636828124523, -0.02555137872695923, 0.09265407174825668, -0.022675052285194397, -0.039760176092386246, -0.033450886607170105, 0.07797955721616745, 0.052147865295410156, 0.04217100143432617, 0.06966050714254379, -6.908045691034204e-8, -0.05100966617465019, -0.08725437521934509, -0.01712823286652565, 0.009655248373746872, -0.03612786903977394, 0.03180069103837013, 0.0339076891541481, -0.15079618990421295, -0.015637818723917007, -0.05205165222287178, 0.0418032668530941, 0.011468135751783848, -0.07606825977563858, 0.02825731597840786, -0.03493921458721161, 0.018234653398394585, -0.10129158198833466, 0.08573358505964279, -0.007934597320854664, -0.06485694646835327, -0.006924886256456375, 0.03796930983662605, 0.016507770866155624, -0.021869784221053123, -0.001708236988633871, 0.055425360798835754, -0.11488929390907288, 0.0005346799734979868, 0.00796643365174532, -0.003646099241450429, 0.04495278373360634, -0.06497137993574142, 0.03246642276644707, -0.055899765342473984, -0.00885983556509018, -0.06834796816110611, -0.028942812234163284, -0.034818388521671295, 0.021565916016697884, 0.027012400329113007, 0.04649101197719574, 0.020586146041750908, 0.07088741660118103, 0.04022548720240593, -0.03165290504693985, 0.004522329196333885, 0.03975357860326767, -0.008548122830688953, 0.03364133462309837, 0.04230203852057457, -0.021171752363443375, -0.0735117495059967, 0.0038071086164563894, 0.03288215771317482, 0.0724673792719841, -0.010768286883831024, -0.009442766197025776, 0.06454166769981384, -0.02967183105647564, 0.06988903135061264, 0.04780469089746475, 0.056096263229846954, -0.001195724355056882, 0.06117132306098938 ]
huggingtweets/mattiasinspace
4f2ec557999536e0ec2d59ae6f1f4b057026c30f
2022-03-23T18:30:31.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/mattiasinspace
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/1434246328788398081/M7Httz0A_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">Mattias in Deep</div> <div style="text-align: center; font-size: 14px;">@mattiasinspace</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 Mattias in Deep. | Data | Mattias in Deep | | --- | --- | | Tweets downloaded | 3249 | | Retweets | 26 | | Short tweets | 196 | | Tweets kept | 3027 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/2r9u5eoz/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 @mattiasinspace's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/1ua0ungm) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/1ua0ungm/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/mattiasinspace') 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.01935056783258915, 0.12207981199026108, -0.005167687311768532, 0.04342421889305115, 0.15952078998088837, -0.01793544366955757, -0.04113951325416565, 0.03898930177092552, 0.06336421519517899, -0.05204428732395172, 0.009983262978494167, 0.08711719512939453, 0.023318637162446976, -0.03013976849615574, -0.00043138896580785513, 0.03343183919787407, -0.08207594603300095, -0.01617450639605522, -0.03399170935153961, 0.030265264213085175, -0.09035289287567139, -0.09120948612689972, 0.0897190198302269, -0.06709735840559006, -0.048502303659915924, 0.056618716567754745, -0.0005779191269539297, 0.04091533273458481, -0.0004977455828338861, -0.02476377971470356, -0.02861521579325199, 0.01996474340558052, 0.048537760972976685, 0.03693864494562149, -0.01678735390305519, 0.04141023010015488, -0.006336282007396221, 0.01598978601396084, -0.05746615305542946, 0.030927378684282303, -0.01761109195649624, -0.11118294298648834, 0.04933663830161095, 0.03184415400028229, -0.032044462859630585, -0.025211339816451073, -0.019089041277766228, 0.0014406576519832015, -0.040174417197704315, 0.028707046061754227, -0.061449259519577026, -0.06480967998504639, 0.001585292862728238, -0.0030204597860574722, 0.016517896205186844, 0.05772431567311287, 0.020666787400841713, -0.05898028239607811, 0.061087530106306076, -0.0033825263381004333, 0.12613509595394135, 0.0993463471531868, 0.07926532626152039, 0.007060099393129349, 0.01410418376326561, -0.00880243070423603, -0.0645957887172699, 0.05733596533536911, -0.02039341814815998, -0.012189093977212906, 0.02307208441197872, -0.007844142615795135, -0.045350294560194016, -0.04625476524233818, 0.03745333477854729, -0.06895766407251358, -0.01259455643594265, 0.03004387952387333, -0.022808192297816277, 0.05684820935130119, 0.039721664041280746, -0.04854888468980789, 0.016601817682385445, -0.019473830237984657, 0.05893309786915779, 0.014367716386914253, 0.002400351222604513, -0.10612525045871735, -0.035617973655462265, 0.04323035851120949, -0.012569541111588478, -0.010950642637908459, 0.006474028807133436, 0.031427156180143356, -0.040143001824617386, 0.008550325408577919, -0.06965941935777664, -0.134288489818573, -0.11737696826457977, 0.07571253180503845, -0.004158162046223879, -0.05024871975183487, 0.092289999127388, 0.03528632968664169, 0.009195138700306416, -0.02548220008611679, -0.041637636721134186, 0.01645408757030964, -0.0018314006738364697, -0.016139643266797066, 0.03064572438597679, -0.04969130456447601, -0.10388944298028946, 0.009693543426692486, -0.022608567029237747, -0.10796314477920532, -0.005211094859987497, 0.030938541516661644, 0.10258492082357407, -0.031481482088565826, 0.07485292106866837, 0.15010066330432892, -0.045051272958517075, -0.09658004343509674, -0.001215203432366252, 0.03502883389592171, -0.051458388566970825, 1.1460222829900742e-32, 0.07045715302228928, 0.01702248863875866, -0.053006358444690704, 0.041329123079776764, 0.10240147262811661, 0.00700081093236804, -0.015091593377292156, -0.0499042309820652, -0.1014433428645134, 0.000022946842364035547, 0.06986694037914276, 0.02902708761394024, -0.0015875414246693254, 0.019989533349871635, -0.0027103000320494175, -0.08724810183048248, -0.029630327597260475, 0.011666974984109402, -0.008451981469988823, 0.009518051519989967, -0.10096503049135208, 0.04266815632581711, -0.04919338598847389, -0.06591691821813583, -0.05500419810414314, 0.012522696517407894, 0.09631036967039108, -0.05153429135680199, 0.005283440463244915, 0.0013359255390241742, -0.051280245184898376, -0.015490795485675335, 0.0677051693201065, -0.051745761185884476, 0.04088704660534859, -0.004024257883429527, 0.0002969102351926267, -0.08449892699718475, -0.0015449047787114978, 0.03782366216182709, -0.027638981118798256, -0.05634097754955292, 0.05007051303982735, -0.03346535190939903, -0.05364254117012024, 0.08067497611045837, 0.13380847871303558, 0.0028115049935877323, 0.0034511974081397057, -0.055803269147872925, -0.023404976353049278, -0.018020136281847954, -0.04151519760489464, -0.08960460871458054, -0.027253063395619392, -0.09238625317811966, -0.00503826979547739, 0.034915655851364136, 0.029561996459960938, -0.014928027987480164, 0.0005615850095637143, -0.06641340255737305, 0.043808646500110626, -0.07667281478643417, 0.05025257170200348, 0.03185885772109032, -0.08123133331537247, -0.030333902686834335, 0.043928757309913635, -0.0319717712700367, -0.04778282716870308, 0.008539260365068913, 0.10336332023143768, -0.04090352728962898, -0.06458090245723724, 0.010009161196649075, -0.009187850169837475, -0.03945283964276314, -0.035337183624506, 0.038438811898231506, -0.05225284397602081, -0.0030237010214477777, 0.04153260588645935, 0.007665329612791538, -0.030968856066465378, -0.013766860589385033, 0.0037089104298502207, -0.05197305232286453, 0.02828889712691307, -0.011625604704022408, -0.10297632217407227, -0.021869022399187088, 0.013160374015569687, -0.08643857389688492, -0.07163123041391373, -1.1664705949698033e-32, 0.08187466114759445, -0.003504065563902259, -0.0030440902337431908, 0.05377889797091484, 0.08096334338188171, 0.062371645122766495, 0.06350106745958328, 0.06822919845581055, 0.0036428505554795265, 0.0025954009033739567, 0.04510989412665367, -0.02900407835841179, -0.0858442485332489, -0.0431906133890152, 0.015947574749588966, 0.012545782141387463, 0.07869847118854523, -0.03208254277706146, -0.04117300361394882, 0.019550170749425888, 0.009939314797520638, 0.027798078954219818, -0.007184381131082773, 0.09331227838993073, -0.06982068717479706, -0.006553739309310913, 0.08337376266717911, -0.009376701898872852, -0.00821533054113388, 0.01902005262672901, -0.04240734875202179, -0.08838385343551636, -0.03625283017754555, 0.056483346968889236, 0.07128412276506424, 0.00634498568251729, -0.07175741344690323, -0.02829929254949093, -0.03270155191421509, -0.05152296647429466, 0.017824774608016014, -0.09095924347639084, -0.04749766364693642, -0.012972095981240273, 0.0408455915749073, -0.043274663388729095, 0.021092059090733528, -0.03587650507688522, -0.01444718986749649, 0.032058343291282654, 0.036845091730356216, 0.03183264657855034, -0.008449128828942776, -0.026319971308112144, -0.022911082953214645, -0.10235501825809479, -0.043000441044569016, 0.028716297820210457, 0.004489829298108816, 0.023698318749666214, 0.025576548650860786, 0.007475686259567738, -0.021433621644973755, -0.0017211392987519503, 0.05736725032329559, 0.046360790729522705, -0.07270132750272751, 0.03751394525170326, -0.08570974320173264, 0.001321714255027473, 0.02704811468720436, 0.058297574520111084, 0.0483231246471405, -0.0018803526181727648, 0.04369116947054863, -0.02585299126803875, 0.088809534907341, -0.00022724311565980315, 0.06508801132440567, 0.000027565887648961507, -0.07343782484531403, -0.06530161947011948, -0.04344767704606056, -0.010154151357710361, -0.06506955623626709, -0.003076285822317004, -0.028871437534689903, 0.10998260974884033, -0.02330963872373104, -0.039714474231004715, -0.04233049601316452, 0.08205962181091309, 0.05490339174866676, 0.03808402642607689, 0.06650453060865402, -6.807764663108173e-8, -0.041742775589227676, -0.08278604596853256, -0.0013412937987595797, 0.0065182955004274845, -0.04626153036952019, 0.028690608218312263, 0.04336221516132355, -0.15016305446624756, -0.02303796075284481, -0.05170527100563049, 0.031211011111736298, 0.01898396946489811, -0.0661718025803566, 0.030415134504437447, -0.040094293653964996, 0.013448898680508137, -0.1153007373213768, 0.08203393220901489, 0.00137485028244555, -0.06250875443220139, -0.02215317264199257, 0.03805414214730263, 0.03075951151549816, -0.024677300825715065, 0.004252837039530277, 0.07907780259847641, -0.10033246129751205, -0.0027331849560141563, 0.021707555279135704, -0.010181035846471786, 0.03623232990503311, -0.04832702502608299, 0.028359636664390564, -0.05359730124473572, -0.007745318114757538, -0.05474718660116196, -0.03972621262073517, -0.03567821532487869, 0.0009232910233549774, 0.007503602188080549, 0.03381555527448654, 0.01586357317864895, 0.07487265020608902, 0.05152355134487152, -0.027542391791939735, 0.013477442786097527, 0.04559114947915077, 0.008812623098492622, 0.022075625136494637, 0.029629044234752655, -0.024886982515454292, -0.07575435191392899, 0.01108789537101984, 0.034311119467020035, 0.04508703574538231, 0.003258216893300414, -0.003719932399690151, 0.05261511728167534, 0.010328088887035847, 0.07293388992547989, 0.03700560703873634, 0.05083223059773445, -0.0032761655747890472, 0.06525673717260361 ]
huggingtweets/eigenrobot-moridinamael
b1d19fc862520fe0e17991091e8421a38da57c95
2022-03-23T18:42:22.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/eigenrobot-moridinamael
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/eigenrobot-moridinamael/1648060937936/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/615582548010229761/0zg9awKn_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/1492994204758278144/rDnqNReU_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">Twisted Mentat Matt & eigenrobot</div> <div style="text-align: center; font-size: 14px;">@eigenrobot-moridinamael</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 Twisted Mentat Matt & eigenrobot. | Data | Twisted Mentat Matt | eigenrobot | | --- | --- | --- | | Tweets downloaded | 3145 | 3247 | | Retweets | 1670 | 119 | | Short tweets | 230 | 651 | | Tweets kept | 1245 | 2477 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/3njfftkj/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 @eigenrobot-moridinamael's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/1nbxxa8l) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/1nbxxa8l/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/eigenrobot-moridinamael') 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.020182408392429352, 0.11838442087173462, 0.0024075701367110014, 0.045187387615442276, 0.16732800006866455, -0.007617589086294174, -0.045333463698625565, 0.04523399844765663, 0.06641747802495956, -0.05130470544099808, 0.004316357895731926, 0.07355588674545288, 0.02178872935473919, -0.027974219992756844, -0.013443944975733757, 0.04045024886727333, -0.0824301540851593, -0.031170571222901344, -0.056597743183374405, 0.025407446548342705, -0.08573731780052185, -0.09516836702823639, 0.08419111371040344, -0.06380030512809753, -0.045629143714904785, 0.06409208476543427, -0.006068014074116945, 0.05606374517083168, -0.006390305235981941, -0.03375186771154404, -0.03612479567527771, 0.01797659322619438, 0.05400744453072548, 0.034767769277095795, -0.02445022575557232, 0.04041534289717674, -0.022139111533761024, 0.012708493508398533, -0.06382869184017181, 0.027599329128861427, -0.013724178075790405, -0.11431896686553955, 0.0630449429154396, 0.03674262389540672, -0.03096318244934082, -0.03399520739912987, -0.006725149229168892, -0.015624171122908592, -0.029836585745215416, 0.03133110702037811, -0.07035552710294724, -0.04849197715520859, 0.009529275819659233, -0.0014125602319836617, 0.008918351493775845, 0.0693163350224495, 0.02575116604566574, -0.059180378913879395, 0.0698828473687172, -0.0185655876994133, 0.11671760678291321, 0.09555702656507492, 0.0734487771987915, 0.008353076875209808, 0.00634048692882061, -0.017401080578565598, -0.0597945861518383, 0.0450705923140049, -0.03228862211108208, -0.00560196116566658, 0.020045248791575432, 0.0012930644443258643, -0.02305213175714016, -0.03289728984236717, 0.045612383633852005, -0.051923878490924835, -0.013690635561943054, 0.016673054546117783, -0.0170065276324749, 0.046026673167943954, 0.04182968661189079, -0.0582287423312664, 0.01059814915060997, -0.03460395708680153, 0.06883139908313751, 0.024532021954655647, -0.001086789183318615, -0.10177958756685257, -0.03481074422597885, 0.02143554762005806, -0.008876584470272064, -0.02872554399073124, 0.0023831625003367662, 0.04713296890258789, -0.03908411040902138, 0.03314243629574776, -0.05287120118737221, -0.15994100272655487, -0.12038864940404892, 0.06822435557842255, 0.005627031438052654, -0.047561150044202805, 0.07076094299554825, 0.02953745424747467, 0.020298952236771584, -0.029551731422543526, -0.03835446387529373, 0.030236661434173584, -0.00862656906247139, -0.01943044550716877, 0.040624652057886124, -0.04640714079141617, -0.10887926816940308, 0.012991727329790592, -0.026900414377450943, -0.1028209999203682, -0.015114960260689259, 0.023514989763498306, 0.09350259602069855, -0.028662698343396187, 0.07117237895727158, 0.15636812150478363, -0.04044186696410179, -0.09319525957107544, 0.009852545335888863, 0.021361401304602623, -0.04670756682753563, 1.1929976086428252e-32, 0.058825407177209854, 0.006933237425982952, -0.057535815984010696, 0.049024760723114014, 0.10999486595392227, 0.005197496619075537, -0.02074032463133335, -0.024913934990763664, -0.10394573956727982, -0.0068342131562530994, 0.06730946153402328, 0.022913919761776924, -0.007812313735485077, 0.022840196266770363, -0.002026235917583108, -0.08793234080076218, -0.031312935054302216, -0.002910144394263625, -0.018547814339399338, 0.020989499986171722, -0.11023061722517014, 0.04309302568435669, -0.03931925818324089, -0.06662975996732712, -0.056900754570961, 0.012565230019390583, 0.08946928381919861, -0.04336077719926834, -0.007234200835227966, -0.003236610209569335, -0.05112524703145027, -0.01279247272759676, 0.06374247372150421, -0.06125352159142494, 0.040738094598054886, -0.0004138230870012194, 0.017178526148200035, -0.0792713537812233, 0.0027905015740543604, 0.046313222497701645, -0.036447785794734955, -0.04872802644968033, 0.052192870527505875, -0.03506789356470108, -0.0455186702311039, 0.07777039706707001, 0.12399545311927795, 0.02867288701236248, -0.01027856208384037, -0.03611147031188011, -0.03014381043612957, -0.024207385256886482, -0.04207688942551613, -0.09449946135282516, -0.008799483068287373, -0.0883316770195961, -0.003839669981971383, 0.027252990752458572, 0.02993643842637539, -0.0260907132178545, -0.0049965959042310715, -0.05931965634226799, 0.02823386713862419, -0.0768667683005333, 0.03146408125758171, 0.03695550188422203, -0.0727120041847229, -0.02316717617213726, 0.05132858082652092, -0.019240034744143486, -0.03569527715444565, -0.0008597882697358727, 0.1004679799079895, -0.04201377183198929, -0.046567026525735855, 0.03116447851061821, -0.02001490630209446, -0.04506861791014671, -0.03905319795012474, 0.03160253167152405, -0.05050986632704735, 0.0038454027380794287, 0.0324610210955143, 0.008896867744624615, -0.04208342730998993, -0.007486301474273205, -0.013171038590371609, -0.059101350605487823, 0.023865267634391785, -0.0009322629775851965, -0.10106503218412399, -0.013346903957426548, 0.033722832798957825, -0.08632151782512665, -0.08062200993299484, -1.2338285518554312e-32, 0.06541955471038818, 0.015617127530276775, -0.012949236668646336, 0.04668238386511803, 0.09853146970272064, 0.057113636285066605, 0.05233120918273926, 0.057381924241781235, 0.007872290909290314, -0.0032143781427294016, 0.04896996170282364, -0.021236374974250793, -0.08836952596902847, -0.04804003983736038, 0.005215727258473635, 0.01359632983803749, 0.06572772562503815, -0.04041576385498047, -0.03641996905207634, 0.016212573274970055, 0.01810300163924694, 0.039270635694265366, -0.011931341141462326, 0.09413173794746399, -0.054769039154052734, -0.013806283473968506, 0.08800680190324783, 0.009101002477109432, -0.008288395591080189, 0.015123417600989342, -0.041780877858400345, -0.08761302381753922, -0.02416059374809265, 0.0683058500289917, 0.06399981677532196, 0.008284042589366436, -0.06914148479700089, -0.043680258095264435, -0.034602127969264984, -0.041344061493873596, 0.014750421978533268, -0.1006447970867157, -0.06591003388166428, -0.017798079177737236, 0.03213661164045334, -0.040104180574417114, 0.02580159157514572, -0.030980993062257767, 0.011460606008768082, 0.04438839107751846, 0.0325249582529068, 0.03780524805188179, -0.024306513369083405, -0.02204916812479496, -0.029616348445415497, -0.09917166084051132, -0.048401955515146255, 0.02794143743813038, 0.006798452697694302, 0.029227033257484436, 0.0250196885317564, 0.025848878547549248, -0.02077656239271164, 0.008258192799985409, 0.06068999692797661, 0.033885471522808075, -0.07864651083946228, 0.027297718450427055, -0.07612476497888565, 0.010214434936642647, 0.019146453589200974, 0.053866926580667496, 0.045964065939188004, -0.006555549334734678, 0.03807719796895981, -0.0223665963858366, 0.09142658114433289, 0.011416099965572357, 0.09125614166259766, 0.0045783743262290955, -0.07837631553411484, -0.06517691165208817, -0.036281898617744446, -0.008343839086592197, -0.06553749740123749, -0.0003057702851947397, -0.02538839913904667, 0.10356668382883072, -0.025779278948903084, -0.03971819207072258, -0.039695680141448975, 0.07523883879184723, 0.05496023967862129, 0.022124754264950752, 0.06199367344379425, -6.71038336008678e-8, -0.04079197347164154, -0.07881280034780502, -0.012182552367448807, 0.0042921435087919235, -0.05199386551976204, 0.026750795543193817, 0.044439103454351425, -0.15110273659229279, -0.020120039582252502, -0.04437866434454918, 0.039512693881988525, 0.024250298738479614, -0.06407640874385834, 0.031033776700496674, -0.03745894134044647, 0.0063987066969275475, -0.11099866032600403, 0.07727333903312683, 0.00007108403224265203, -0.07371578365564346, 0.0017766999080777168, 0.029550205916166306, 0.012977895326912403, -0.01685195416212082, -0.005192095413804054, 0.0624152235686779, -0.10844492167234421, 0.01012970507144928, 0.013840418308973312, 0.00998886302113533, 0.041616834700107574, -0.06072955206036568, 0.032956186681985855, -0.05921803042292595, -0.00017262839537579566, -0.0648077204823494, -0.031050801277160645, -0.03694808483123779, 0.020724456757307053, 0.019024083390831947, 0.03538049757480621, 0.018441341817378998, 0.07934142649173737, 0.05091528221964836, -0.018125219270586967, 0.004321872256696224, 0.04431416466832161, -0.00009972059342544526, 0.03877820447087288, 0.02837943844497204, -0.023926161229610443, -0.08472853153944016, 0.0029366191010922194, 0.020419921725988388, 0.06615148484706879, 0.0028906897641718388, -0.006152878049761057, 0.0596792995929718, -0.0014829505234956741, 0.07765841484069824, 0.03909337893128395, 0.05465731769800186, -0.0051825507543981075, 0.06938640773296356 ]
huggingtweets/interrogami
a1f8046809b30fc31f3cc9fe11968bc02bb5dcad
2022-03-23T19:41:31.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/interrogami
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/interrogami/1648064415193/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/1502292592914046984/F1N4kjHh_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">interrobang</div> <div style="text-align: center; font-size: 14px;">@interrogami</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 interrobang. | Data | interrobang | | --- | --- | | Tweets downloaded | 1453 | | Retweets | 20 | | Short tweets | 139 | | Tweets kept | 1294 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/1awhdfgt/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 @interrogami's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/2ibo4fum) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/2ibo4fum/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/interrogami') 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.007368660997599363, 0.12217957526445389, -0.012552614323794842, 0.05343451350927353, 0.1717119663953781, -0.021589897572994232, -0.03633403033018112, 0.02442190609872341, 0.07800516486167908, -0.058974891901016235, -0.002637163968756795, 0.07275384664535522, 0.017313240095973015, -0.031279128044843674, -0.004263796377927065, 0.03855709731578827, -0.08147110790014267, -0.03239325061440468, -0.06318651884794235, 0.030161967501044273, -0.08668696135282516, -0.092525914311409, 0.08118641376495361, -0.041696131229400635, -0.043791648000478745, 0.07474101334810257, -0.00248615606687963, 0.05586434528231621, -0.009573403745889664, -0.0205159280449152, -0.03986404463648796, 0.04102962836623192, 0.04930388554930687, 0.04188036173582077, -0.028050540015101433, 0.02193976566195488, -0.017002999782562256, 0.02925308234989643, -0.06261726468801498, 0.0018149500247091055, -0.015260020270943642, -0.10163247585296631, 0.047176919877529144, 0.040205538272857666, -0.03019268624484539, -0.029825745150446892, -0.022237854078412056, -0.0030974610708653927, -0.06173200532793999, 0.02492898888885975, -0.05370420962572098, -0.05646900832653046, 0.006245568860322237, 0.0015347057487815619, 0.017838556319475174, 0.06405002623796463, 0.027886494994163513, -0.04815968498587608, 0.07851912081241608, -0.027650974690914154, 0.10712175071239471, 0.08483794331550598, 0.0880034789443016, 0.0016137569909915328, 0.002118451753631234, -0.013157958164811134, -0.06796932965517044, 0.03846597298979759, -0.028263868764042854, -0.01552774291485548, 0.030658457428216934, -0.003648534184321761, -0.03136538714170456, -0.04574105143547058, 0.0660693496465683, -0.040068697184324265, -0.017486225813627243, 0.026715824380517006, -0.019169816747307777, 0.05702190846204758, 0.033457670360803604, -0.05679089203476906, 0.010054673068225384, -0.027860980480909348, 0.046690184623003006, 0.0339323952794075, 0.009181390516459942, -0.1083330437541008, -0.020580114796757698, 0.023852048441767693, -0.019661948084831238, -0.020969731733202934, -0.00931902602314949, 0.039563436061143875, -0.04787100851535797, 0.02186434157192707, -0.04908043518662453, -0.15143534541130066, -0.1122722178697586, 0.06672065705060959, 0.010405349545180798, -0.05061995983123779, 0.06776730716228485, 0.016536898910999298, 0.004440728574991226, -0.03923217952251434, -0.031051840633153915, 0.011619705706834793, -0.011602410115301609, -0.01645180769264698, 0.04205299913883209, -0.0556500181555748, -0.1095382496714592, 0.02236717753112316, -0.032730165868997574, -0.10115467011928558, -0.006298035848885775, 0.04275432601571083, 0.0945543423295021, -0.02249263972043991, 0.051445599645376205, 0.14980360865592957, -0.03558054193854332, -0.0987934097647667, 0.0036105201579630375, 0.02608575113117695, -0.058360375463962555, 1.119927704301361e-32, 0.057987652719020844, 0.005816594697535038, -0.06201373413205147, 0.0459192730486393, 0.13012439012527466, -0.007490737363696098, -0.005544400308281183, -0.03451662138104439, -0.08801189064979553, 0.0027634818106889725, 0.07552887499332428, 0.036829933524131775, 0.007390984334051609, 0.014147578738629818, 0.0014738428872078657, -0.09031574428081512, -0.016022926196455956, -0.006909770425409079, -0.026258962228894234, 0.02465353161096573, -0.10780605673789978, 0.045363858342170715, -0.03729847073554993, -0.060235053300857544, -0.051821865141391754, 0.02165202610194683, 0.0644487738609314, -0.0489334873855114, 0.0075852954760193825, 0.003553744638338685, -0.04927723482251167, -0.018644915893673897, 0.0624333955347538, -0.049904149025678635, 0.04369337111711502, 0.016237860545516014, 0.013452569022774696, -0.08335480839014053, -0.014282654039561749, 0.040096115320920944, -0.037366967648267746, -0.04785728082060814, 0.051768068224191666, -0.031151380389928818, -0.05829183757305145, 0.08231309801340103, 0.14031483232975006, 0.020450055599212646, -0.025088932365179062, -0.04708089306950569, -0.03123030625283718, -0.007656677160412073, -0.03470166400074959, -0.11325839161872864, -0.01403574738651514, -0.09091048687696457, 0.009364127181470394, 0.016632599756121635, 0.04829133301973343, -0.03181355074048042, -0.0023281779140233994, -0.06522142142057419, 0.02418372593820095, -0.08264932781457901, 0.03457465395331383, 0.035095810890197754, -0.08983167260885239, -0.03091488778591156, 0.04420154169201851, -0.04143267869949341, -0.03556305170059204, 0.002473535481840372, 0.1077704057097435, -0.032312195748090744, -0.042798273265361786, 0.03422844409942627, -0.02183227427303791, -0.05149252712726593, -0.03360653296113014, 0.024292686954140663, -0.059328895062208176, 0.013991341926157475, 0.02869442105293274, 0.003497806377708912, -0.028099192306399345, -0.007894043810665607, -0.014778307639062405, -0.05284285917878151, 0.015207466669380665, -0.005186561495065689, -0.10480992496013641, -0.010652954690158367, 0.04509098082780838, -0.08643833547830582, -0.0750846117734909, -1.1913937200695251e-32, 0.04792574420571327, -0.00104881904553622, -0.005795879755169153, 0.05189697444438934, 0.1005692407488823, 0.049625214189291, 0.04908159747719765, 0.05667384713888168, 0.015469555743038654, -0.0009395625675097108, 0.04734814539551735, -0.03285488858819008, -0.08786024898290634, -0.03287140280008316, 0.019361108541488647, 0.031613003462553024, 0.06383009254932404, -0.025333384051918983, -0.02704729698598385, 0.04234321787953377, 0.015338381752371788, 0.03761853650212288, -0.011587955988943577, 0.0905769020318985, -0.07086548954248428, -0.012094187550246716, 0.07447146624326706, -0.014613610692322254, -0.015053756535053253, 0.017236405983567238, -0.05654817819595337, -0.09366121888160706, -0.017999939620494843, 0.05551176145672798, 0.05452987924218178, 0.004008747637271881, -0.07125414162874222, -0.041299425065517426, -0.03295525163412094, -0.05535578355193138, 0.004134593065828085, -0.09280931949615479, -0.06731322407722473, -0.0071480292826890945, 0.03508659824728966, -0.037591591477394104, 0.03506232798099518, -0.008908473886549473, 0.0007418380700983107, 0.05359960347414017, 0.03447034955024719, 0.04561595618724823, -0.018536074087023735, -0.018475593999028206, -0.02115457132458687, -0.08303406834602356, -0.050523340702056885, 0.03009168617427349, 0.010997969657182693, 0.03189413622021675, 0.03317420557141304, 0.02643829584121704, -0.026677796617150307, 0.01191633939743042, 0.06649389863014221, 0.050098951905965805, -0.07169982045888901, 0.031812041997909546, -0.06638776510953903, -0.004045849200338125, 0.03142005205154419, 0.06413302570581436, 0.03268357366323471, -0.007104035932570696, 0.03569481521844864, -0.02034313604235649, 0.08993703871965408, -0.00908251479268074, 0.07216214388608932, 0.009007406421005726, -0.08621655404567719, -0.05038553476333618, -0.04478790611028671, 0.006055044941604137, -0.05360954999923706, -0.006495372392237186, -0.030159397050738335, 0.09171228855848312, -0.028188662603497505, -0.03603395074605942, -0.04040900617837906, 0.07705187797546387, 0.048861272633075714, 0.0391169898211956, 0.06857562065124512, -6.792362938767837e-8, -0.04968738183379173, -0.08590777218341827, -0.015762638300657272, 0.0031181934755295515, -0.03507392480969429, 0.03312751278281212, 0.02787047065794468, -0.1516788750886917, -0.01841117814183235, -0.05309755355119705, 0.036688122898340225, 0.010544277727603912, -0.07380981743335724, 0.022153208032250404, -0.04156139865517616, 0.018643507733941078, -0.0970040112733841, 0.08711402118206024, -0.010723664425313473, -0.06341500580310822, -0.0043560522608459, 0.03754163160920143, 0.024155180901288986, -0.025336287915706635, -0.005266574677079916, 0.05317452549934387, -0.11571082472801208, 0.0014858052600175142, 0.00795493833720684, -0.010753575712442398, 0.05037733167409897, -0.06134597584605217, 0.03647323325276375, -0.051250915974378586, -0.00782204233109951, -0.07080958038568497, -0.034455329179763794, -0.029570292681455612, 0.01579377055168152, 0.01993074081838131, 0.04353346675634384, 0.011062937788665295, 0.06978653371334076, 0.0435289666056633, -0.027888987213373184, 0.003851000452414155, 0.03489578142762184, -0.01021224819123745, 0.0321795828640461, 0.04229537025094032, -0.019392386078834534, -0.07816682755947113, 0.006654707249253988, 0.034156836569309235, 0.06797371804714203, -0.010354585945606232, -0.0061507332138717175, 0.06939747184515, -0.022262828424572945, 0.07156600803136826, 0.044680316001176834, 0.0618477463722229, 0.005357302725315094, 0.06195489317178726 ]
huggingtweets/ryiacy
9ad1c5e9bb4e5417f9c0509ea72e98330eacf171
2022-03-23T19:51:46.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/ryiacy
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/ryiacy/1648065062687/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/1424813722011410434/73S-oYNT_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">cyriac</div> <div style="text-align: center; font-size: 14px;">@ryiacy</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 cyriac. | Data | cyriac | | --- | --- | | Tweets downloaded | 1050 | | Retweets | 32 | | Short tweets | 60 | | Tweets kept | 958 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/26de85bt/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 @ryiacy's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/2p7goxic) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/2p7goxic/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/ryiacy') 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.014352485537528992, 0.1200467199087143, -0.009715170599520206, 0.052551280707120895, 0.17484866082668304, -0.01536701712757349, -0.039924368262290955, 0.028557758778333664, 0.0778881087899208, -0.05711750313639641, -0.006365584209561348, 0.06911519914865494, 0.015340762212872505, -0.023301715031266212, -0.011113121174275875, 0.039514169096946716, -0.0911664217710495, -0.03366895020008087, -0.06258586049079895, 0.01729053258895874, -0.08139725774526596, -0.0976429134607315, 0.07918518781661987, -0.03775207698345184, -0.04156632348895073, 0.07237402349710464, -0.0038286319468170404, 0.060491420328617096, -0.01507848221808672, -0.024899128824472427, -0.04686962440609932, 0.03334623575210571, 0.04808399826288223, 0.030538585036993027, -0.03430579975247383, 0.020462438464164734, -0.027879249304533005, 0.02601819485425949, -0.04792317375540733, 0.006507338024675846, -0.011715482920408249, -0.09999538958072662, 0.05206577107310295, 0.04762525483965874, -0.02805982157588005, -0.029273077845573425, -0.009991822764277458, -0.0069966986775398254, -0.05481461063027382, 0.029099950566887856, -0.05791667103767395, -0.055341292172670364, -0.0010391585528850555, -0.005332675762474537, 0.009184596128761768, 0.0638408362865448, 0.025235455483198166, -0.04595474898815155, 0.08115676045417786, -0.03290707990527153, 0.10354720056056976, 0.08444046974182129, 0.08294554054737091, 0.0017373163718730211, 0.003536897711455822, -0.02069258503615856, -0.06862642616033554, 0.041848182678222656, -0.03039069101214409, -0.010926741175353527, 0.03361039608716965, 0.0017279814928770065, -0.024807782843708992, -0.045518774539232254, 0.07180842757225037, -0.03916540741920471, -0.017743393778800964, 0.03010108880698681, -0.016521278768777847, 0.06130453571677208, 0.037860747426748276, -0.06444304436445236, 0.006248177029192448, -0.03200921788811684, 0.06070586293935776, 0.03483197093009949, 0.008310318924486637, -0.10074426233768463, -0.015226687304675579, 0.02317008003592491, -0.02122630551457405, -0.027132179588079453, -0.006496869958937168, 0.04189443960785866, -0.043920475989580154, 0.03238430246710777, -0.0504467748105526, -0.1599825918674469, -0.11638639122247696, 0.06950787454843521, 0.003391655394807458, -0.0509566068649292, 0.06371306627988815, 0.02259429730474949, 0.018527459353208542, -0.038798779249191284, -0.024231499060988426, 0.010061475448310375, -0.008435199037194252, -0.016087977215647697, 0.041723497211933136, -0.04627792164683342, -0.10120989382266998, 0.023410258814692497, -0.030493125319480896, -0.0936424657702446, -0.01767749898135662, 0.041413869708776474, 0.08659867197275162, -0.01816263422369957, 0.04699986055493355, 0.1448735147714615, -0.035327665507793427, -0.0924963504076004, 0.011403428390622139, 0.03168169781565666, -0.05344988778233528, 1.1616966920059232e-32, 0.05988429859280586, 0.0039010390173643827, -0.06259847432374954, 0.049642615020275116, 0.1255430281162262, -0.002377235796302557, -0.013341940939426422, -0.03618445247411728, -0.09241869300603867, -0.008228057064116001, 0.0668906718492508, 0.024010106921195984, 0.011075151152908802, 0.013443070463836193, 0.00514514185488224, -0.09465322643518448, -0.016936572268605232, -0.001878049923107028, -0.03285904973745346, 0.024865949526429176, -0.11131690442562103, 0.05029687657952309, -0.037502117455005646, -0.06883256137371063, -0.053208161145448685, 0.01905025728046894, 0.06708144396543503, -0.04508884623646736, -0.0008703760686330497, 0.004653076641261578, -0.042664915323257446, -0.012045100331306458, 0.05774396285414696, -0.0541909821331501, 0.04547034576535225, 0.0173879936337471, 0.0038551129400730133, -0.08349759876728058, -0.0014768482651561499, 0.04365742579102516, -0.032156262546777725, -0.04656553640961647, 0.053678907454013824, -0.037468161433935165, -0.052776679396629333, 0.08265740424394608, 0.1346292495727539, 0.027041586115956306, -0.035938411951065063, -0.044530898332595825, -0.03376825898885727, -0.0030329711735248566, -0.04876947030425072, -0.11853956431150436, -0.010385250672698021, -0.08532406389713287, 0.009430687874555588, 0.014957796782255173, 0.04705720767378807, -0.03842305764555931, -0.0016041744966059923, -0.05926695093512535, 0.027692066505551338, -0.08481293171644211, 0.03840603679418564, 0.036447472870349884, -0.087607242166996, -0.03442941978573799, 0.049839701503515244, -0.041185442358255386, -0.027877286076545715, -0.004638604819774628, 0.1060655415058136, -0.041686758399009705, -0.0441867969930172, 0.04465627670288086, -0.01780087500810623, -0.053542882204055786, -0.03104015812277794, 0.023802325129508972, -0.05534670874476433, 0.005531163886189461, 0.021345926448702812, -0.0023427752312272787, -0.019878827035427094, -0.0062619224190711975, -0.012612818740308285, -0.05327911674976349, 0.013843023218214512, 0.0012469099601730704, -0.1052568331360817, -0.007678316906094551, 0.03964364901185036, -0.08516079932451248, -0.07725024968385696, -1.1880618548005163e-32, 0.04512173309922218, 0.008548598736524582, -0.010442364029586315, 0.05611288547515869, 0.09226267784833908, 0.04846826195716858, 0.04547690227627754, 0.052616968750953674, 0.010098231956362724, 0.0033058617264032364, 0.05027680844068527, -0.028949828818440437, -0.08653850108385086, -0.03814650699496269, 0.016915399581193924, 0.0203548613935709, 0.06621599942445755, -0.026908760890364647, -0.03050851821899414, 0.04087596386671066, 0.013302374631166458, 0.035159625113010406, -0.016684813424944878, 0.09585128724575043, -0.06465420871973038, -0.006900179199874401, 0.0784265547990799, -0.011614123359322548, -0.017391663044691086, 0.013445675373077393, -0.06032424047589302, -0.08974424749612808, -0.02097875252366066, 0.058823131024837494, 0.049190204590559006, 0.006196918431669474, -0.06178838759660721, -0.05347544327378273, -0.0327596440911293, -0.04210305213928223, 0.01774313859641552, -0.09319629520177841, -0.0614965483546257, -0.009822232648730278, 0.029844870790839195, -0.04183420538902283, 0.037794891744852066, -0.005838111974298954, 0.00868489220738411, 0.056235093623399734, 0.03889778256416321, 0.04894552752375603, -0.02702372334897518, -0.021104952320456505, -0.024581128731369972, -0.08586320281028748, -0.05008648708462715, 0.02818194217979908, 0.01629171334207058, 0.035110246390104294, 0.026405341923236847, 0.026757963001728058, -0.016274593770503998, 0.01919366978108883, 0.06766178458929062, 0.03998275101184845, -0.07422471046447754, 0.04183381423354149, -0.06195502728223801, 0.005541304126381874, 0.03354671224951744, 0.07074781507253647, 0.03863982483744621, -0.00954195111989975, 0.041178956627845764, -0.02153962291777134, 0.08739890903234482, 0.00828204769641161, 0.0766347348690033, 0.008628572337329388, -0.08575686812400818, -0.04799862205982208, -0.04487340524792671, 0.0030739624053239822, -0.05160437524318695, -0.011121002025902271, -0.02048582024872303, 0.0917966291308403, -0.02029799483716488, -0.04079175367951393, -0.035768941044807434, 0.07645442336797714, 0.05822709947824478, 0.0411800742149353, 0.06945206969976425, -6.836589250269753e-8, -0.053097471594810486, -0.08839800208806992, -0.016731413081288338, 0.020832812413573265, -0.03517230972647667, 0.03501274064183235, 0.03151008486747742, -0.15188534557819366, -0.01669345796108246, -0.04990028962492943, 0.04222012683749199, 0.014522054232656956, -0.07221657782793045, 0.028457270935177803, -0.034274742007255554, 0.015304997563362122, -0.1031985953450203, 0.08294349163770676, -0.007624846883118153, -0.06229230388998985, -0.0034737992100417614, 0.035527314990758896, 0.01876176707446575, -0.019623076543211937, 0.00006928649236215279, 0.05432315170764923, -0.12136106938123703, 0.0038343644700944424, 0.009453494101762772, -0.0006014175596646965, 0.04573948681354523, -0.061701636761426926, 0.0310312919318676, -0.05750829353928566, -0.012248314917087555, -0.0727798193693161, -0.02931576780974865, -0.03220909461379051, 0.028831148520112038, 0.024836355820298195, 0.042982183396816254, 0.02460554987192154, 0.07418056577444077, 0.04338808357715607, -0.026536425575613976, 0.004961711820214987, 0.04784442111849785, -0.01303232554346323, 0.03336470574140549, 0.037582673132419586, -0.024654338136315346, -0.07339487969875336, 0.009502286091446877, 0.03048967756330967, 0.0726206973195076, -0.013917367905378342, -0.008108926005661488, 0.06347005814313889, -0.033695951104164124, 0.07020239531993866, 0.045320164412260056, 0.054944928735494614, -0.006249385420233011, 0.057794392108917236 ]
huggingtweets/thanksthoth
772f89a0ef717ad4b0f463fdd1aab6cfec2be946
2022-03-23T20:22:11.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/thanksthoth
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/1477531697814011904/6OQ-pQZG_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">Rod (🙂👍)</div> <div style="text-align: center; font-size: 14px;">@thanksthoth</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 Rod (🙂👍). | Data | Rod (🙂👍) | | --- | --- | | Tweets downloaded | 3245 | | Retweets | 154 | | Short tweets | 693 | | Tweets kept | 2398 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/pd014k0e/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 @thanksthoth's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/tswc3hnf) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/tswc3hnf/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/thanksthoth') 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.015913134440779686, 0.1329938769340515, -0.011335991322994232, 0.03727295622229576, 0.16028739511966705, -0.019087567925453186, -0.04051469266414642, 0.03735024482011795, 0.06618902087211609, -0.048705004155635834, 0.007572732400149107, 0.08464732021093369, 0.01892773248255253, -0.030271364375948906, -0.00874299556016922, 0.02482878789305687, -0.08972347527742386, -0.016751008108258247, -0.031314823776483536, 0.034136828035116196, -0.08157169818878174, -0.10019835829734802, 0.08419772237539291, -0.06227315589785576, -0.06096566468477249, 0.05893803387880325, 0.009233938530087471, 0.0505417175590992, -0.002651878399774432, -0.03638884052634239, -0.031943753361701965, 0.03245185688138008, 0.05470842495560646, 0.029700620099902153, -0.011235513724386692, 0.030760565772652626, 0.0012497755233198404, 0.0153864910826087, -0.05423000827431679, 0.02259393408894539, -0.016882773488759995, -0.11399488151073456, 0.06074810028076172, 0.028925729915499687, -0.023357851430773735, -0.01993965171277523, -0.023162346333265305, 0.007672141771763563, -0.03740152716636658, 0.021893583238124847, -0.054451972246170044, -0.06440325081348419, -0.004586927592754364, -0.012854514643549919, 0.017220214009284973, 0.049617428332567215, 0.01621081493794918, -0.06422486156225204, 0.05929257720708847, -0.009620890021324158, 0.12512849271297455, 0.1020057201385498, 0.07932993024587631, 0.016956916078925133, 0.011807968840003014, -0.014151048846542835, -0.06649889051914215, 0.053064629435539246, -0.027715390548110008, -0.004544901195913553, 0.018838003277778625, -0.0036207404918968678, -0.05054516717791557, -0.04950132593512535, 0.035646434873342514, -0.058909352868795395, -0.01260006707161665, 0.03406773507595062, -0.027859598398208618, 0.05399390682578087, 0.037178609520196915, -0.04141651839017868, 0.012738678604364395, -0.01080840639770031, 0.05817307531833649, 0.015790635719895363, -0.00040067886584438384, -0.1082107201218605, -0.02552151493728161, 0.034525275230407715, -0.016497457399964333, -0.004980196710675955, 0.008614432998001575, 0.030805248767137527, -0.040473636239767075, 0.016524996608495712, -0.074493907392025, -0.13490135967731476, -0.11488461494445801, 0.0773540511727333, -0.003267795778810978, -0.04275263100862503, 0.09433639049530029, 0.02771599404513836, 0.013351183384656906, -0.016336362808942795, -0.031730663031339645, 0.02276572398841381, 0.00021201193158049136, -0.010243237018585205, 0.027230001986026764, -0.041877761483192444, -0.11112329363822937, 0.01705610565841198, -0.02751476690173149, -0.1070854514837265, -0.009786756709218025, 0.024778267368674278, 0.1016225665807724, -0.03665728121995926, 0.06645245105028152, 0.14601291716098785, -0.05248233675956726, -0.09893450886011124, -0.0021595230791717768, 0.03229658305644989, -0.048956211656332016, 1.1967909289129287e-32, 0.05640776455402374, 0.018306950107216835, -0.056227073073387146, 0.041012298315763474, 0.10964006185531616, 0.008976425975561142, -0.0007944625685922801, -0.05415928736329079, -0.10246451199054718, 0.01121407188475132, 0.0710083469748497, 0.037038519978523254, -0.0021589873358607292, 0.01990377902984619, -0.003667008364573121, -0.08611699938774109, -0.028792912140488625, 0.005433178041130304, -0.012293710373342037, 0.00009931995737133548, -0.08720196783542633, 0.042277317494153976, -0.05254407599568367, -0.06797293573617935, -0.05018293857574463, 0.013224449008703232, 0.08714946359395981, -0.05609744414687157, 0.0077793593518435955, -0.002457456663250923, -0.03951532766222954, -0.018808050081133842, 0.0613752119243145, -0.05044938623905182, 0.03773187845945358, -0.004823494702577591, 0.0033152448013424873, -0.08553322404623032, -0.0007391732069663703, 0.0432480163872242, -0.024499867111444473, -0.06255640834569931, 0.05228489264845848, -0.022911952808499336, -0.060895487666130066, 0.07592424005270004, 0.13181304931640625, -0.00286064762622118, 0.004858576226979494, -0.06671077758073807, -0.026019729673862457, -0.018283849582076073, -0.04021971672773361, -0.10218627005815506, -0.027346014976501465, -0.09064695239067078, -0.007736042607575655, 0.03830156847834587, 0.016716118901968002, -0.012955587357282639, -0.0006487508653663099, -0.06501483917236328, 0.03580630570650101, -0.06798820197582245, 0.04297814145684242, 0.027041662484407425, -0.07479729503393173, -0.026814104989171028, 0.049413517117500305, -0.03453242406249046, -0.04709233343601227, 0.0017928358865901828, 0.11201866716146469, -0.04261414706707001, -0.06706178933382034, 0.017078155651688576, -0.005781379994004965, -0.03381867706775665, -0.03579392656683922, 0.0413370206952095, -0.04746922478079796, -0.0018123738700523973, 0.04050334542989731, 0.013418521732091904, -0.01997450552880764, -0.009977901354432106, 0.004792252089828253, -0.044293273240327835, 0.02762805111706257, -0.010697092860937119, -0.09937967360019684, -0.03077567182481289, 0.022493228316307068, -0.08864600211381912, -0.07354599237442017, -1.2202770856371673e-32, 0.08169727772474289, 0.00259990431368351, 0.01043687667697668, 0.04891715943813324, 0.08076025545597076, 0.06220882758498192, 0.06610959768295288, 0.0683538094162941, -0.000743238371796906, -0.006842294242233038, 0.045511458069086075, -0.024362031370401382, -0.09166986495256424, -0.03765285387635231, 0.010852836072444916, 0.012703879736363888, 0.07697189599275589, -0.026796957477927208, -0.04660831391811371, 0.02917097695171833, 0.009125206619501114, 0.038574133068323135, -0.011642029508948326, 0.09364388138055801, -0.07227391004562378, -0.005687537603080273, 0.0828898474574089, -0.004265572875738144, -0.015610557980835438, 0.023442178964614868, -0.053375739604234695, -0.08385591208934784, -0.033115141093730927, 0.05315037816762924, 0.07018517702817917, -0.0012431262293830514, -0.07211732864379883, -0.030477385967969894, -0.034498412162065506, -0.044265441596508026, 0.007911959663033485, -0.08707229793071747, -0.04716459661722183, -0.015151366591453552, 0.044151369482278824, -0.04094153270125389, 0.02160252071917057, -0.04303118586540222, -0.01700465753674507, 0.03692910820245743, 0.028581148013472557, 0.034527793526649475, -0.004047767259180546, -0.021870005875825882, -0.024584626778960228, -0.10582950711250305, -0.043884772807359695, 0.025301454588770866, 0.009044243954122066, 0.032086972147226334, 0.036876220256090164, 0.004001642111688852, -0.024596527218818665, -0.004894820507615805, 0.061618346720933914, 0.05406779795885086, -0.07242491096258163, 0.039316676557064056, -0.09632182121276855, 0.010220776312053204, 0.029062533751130104, 0.05434971675276756, 0.045690808445215225, -0.003309727879241109, 0.03859403356909752, -0.02612091787159443, 0.08655183762311935, 0.0022556688636541367, 0.06614107638597488, 0.01119924709200859, -0.07782147824764252, -0.06792112439870834, -0.05661243945360184, -0.0002755637397058308, -0.059586066752672195, -0.00935961864888668, -0.02977990172803402, 0.1044827401638031, -0.020810717716813087, -0.03259025514125824, -0.040272630751132965, 0.08310840278863907, 0.06606189161539078, 0.04087967425584793, 0.06846734881401062, -6.903518823264676e-8, -0.04218892380595207, -0.08137815445661545, 0.00036663125501945615, 0.009961075149476528, -0.037143025547266006, 0.027194421738386154, 0.04172762110829353, -0.15674002468585968, -0.025126390159130096, -0.05200304090976715, 0.028929289430379868, 0.014452233910560608, -0.06497281789779663, 0.03467224910855293, -0.042533792555332184, 0.01893257163465023, -0.11625495553016663, 0.08852127194404602, 0.002671555383130908, -0.06643851846456528, -0.020584668964147568, 0.039289332926273346, 0.03315835818648338, -0.019626954570412636, 0.00036101238219998777, 0.07329939305782318, -0.09438793361186981, -0.008020096458494663, 0.026487313210964203, -0.008944758214056492, 0.028903234750032425, -0.04276832565665245, 0.03063606657087803, -0.04782768338918686, -0.008191892877221107, -0.058011025190353394, -0.03433966636657715, -0.03192086145281792, -0.00634034164249897, 0.008536679670214653, 0.037768106907606125, 0.01717953383922577, 0.07300494611263275, 0.04690612852573395, -0.025848759338259697, 0.01364181563258171, 0.041817184537649155, 0.015423672273755074, 0.02438967302441597, 0.025269240140914917, -0.020828623324632645, -0.07414105534553528, 0.00881874654442072, 0.027278630062937737, 0.04351944848895073, -0.0003346482990309596, -0.011419173330068588, 0.05667083337903023, 0.011256693862378597, 0.0708828717470169, 0.04192331060767174, 0.05199398845434189, -0.007199784275144339, 0.05878553166985512 ]
sparklyrainbows/DialoGPT-small-harrypotter
94124b62699bd1ae38f66cbd38bf80f203992cac
2022-03-23T21:43:29.000Z
[ "pytorch", "gpt2", "text-generation", "transformers" ]
text-generation
false
sparklyrainbows
null
sparklyrainbows/DialoGPT-small-harrypotter
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 ]
negfir/bert_uncased_L-12_H-512_A-8
4e79fe73c8dc6679caa8352bae5725aba72d60ef
2022-04-05T22:13:01.000Z
[ "pytorch", "bert", "fill-mask", "transformers", "autotrain_compatible" ]
fill-mask
false
negfir
null
negfir/bert_uncased_L-12_H-512_A-8
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/btohtoh-willitbetoomuch
9bbaea2a6bd211d3363cf05a9eab5e20efe3bfc9
2022-03-24T02:06:47.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/btohtoh-willitbetoomuch
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/btohtoh-willitbetoomuch/1648087519902/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/1506402743296020484/X79Yfcx5_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/1488467916198539265/3pTy_Kr3_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">BToh & unloading</div> <div style="text-align: center; font-size: 14px;">@btohtoh-willitbetoomuch</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 BToh & unloading. | Data | BToh | unloading | | --- | --- | --- | | Tweets downloaded | 3241 | 85 | | Retweets | 347 | 0 | | Short tweets | 480 | 3 | | Tweets kept | 2414 | 82 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/2d3flykp/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 @btohtoh-willitbetoomuch's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/3lp51jew) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/3lp51jew/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/btohtoh-willitbetoomuch') 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.0244235098361969, 0.11643173545598984, 0.008573140017688274, 0.04150604084134102, 0.16843952238559723, -0.006030314601957798, -0.04224679246544838, 0.04917323589324951, 0.06837287545204163, -0.04757878929376602, 0.007274930831044912, 0.07447176426649094, 0.0253103356808424, -0.029215514659881592, -0.008013044483959675, 0.049038488417863846, -0.08445829898118973, -0.037022676318883896, -0.05336206778883934, 0.012464168481528759, -0.09260278940200806, -0.08817893266677856, 0.08410829305648804, -0.05563485994935036, -0.04254337400197983, 0.06011677160859108, -0.008228456601500511, 0.06345027685165405, -0.0075257341377437115, -0.02317766658961773, -0.043543096631765366, 0.0104127312079072, 0.043019555509090424, 0.034814052283763885, -0.02858893759548664, 0.05082780122756958, -0.030344737693667412, 0.019139764830470085, -0.052517037838697433, 0.029237311333417892, -0.008742413483560085, -0.11490785330533981, 0.058331772685050964, 0.04045527055859566, -0.03281553462147713, -0.02798897586762905, -0.005644331220537424, -0.012350386939942837, -0.04472482576966286, 0.032875072211027145, -0.06036487594246864, -0.05260148271918297, 0.013974454253911972, 0.0014745572116225958, 0.004453998990356922, 0.06413666903972626, 0.02675805054605007, -0.05829019844532013, 0.07064837962388992, -0.023022979497909546, 0.11060129851102829, 0.08949290215969086, 0.07754399627447128, -0.00010091727017425, 0.00875931978225708, -0.015202605165541172, -0.0649544894695282, 0.056796904653310776, -0.030723022297024727, -0.005330339074134827, 0.024574676528573036, 0.00336878071539104, -0.025781400501728058, -0.034189749509096146, 0.046723563224077225, -0.054535988718271255, -0.017138253897428513, 0.019569678232073784, -0.023585792630910873, 0.05628381296992302, 0.04626511037349701, -0.05898146703839302, 0.010987495072185993, -0.03875241056084633, 0.0696980282664299, 0.022333219647407532, -0.004667313769459724, -0.09703992307186127, -0.03506431356072426, 0.025283193215727806, -0.0036261745262891054, -0.023455634713172913, 0.002998272655531764, 0.04051663354039192, -0.0455307699739933, 0.02572893351316452, -0.05768393352627754, -0.15958216786384583, -0.1249188631772995, 0.07182902097702026, 0.0008666208595968783, -0.05221134051680565, 0.06945016235113144, 0.027064193040132523, 0.017817538231611252, -0.03338053822517395, -0.04599883407354355, 0.02245165966451168, 0.009858875535428524, -0.019469279795885086, 0.03906112536787987, -0.04242202639579773, -0.1027277261018753, 0.015607055276632309, -0.02293505147099495, -0.10546457022428513, -0.018854716792702675, 0.023296134546399117, 0.08832276612520218, -0.03213583305478096, 0.06372839212417603, 0.15042336285114288, -0.0331491120159626, -0.09884454309940338, 0.005899103824049234, 0.02979853004217148, -0.04821521043777466, 1.1491778975748566e-32, 0.06459959596395493, 0.00884673185646534, -0.048939645290374756, 0.048939481377601624, 0.10368877649307251, 0.00481886463239789, -0.026238199323415756, -0.029311856254935265, -0.10591542720794678, -0.010619153268635273, 0.06222281605005264, 0.010009453631937504, 0.0036978633143007755, 0.01585542783141136, -0.003227898618206382, -0.09417255222797394, -0.028698299080133438, -0.0015914997784420848, -0.010019924491643906, 0.019645772874355316, -0.11492335051298141, 0.04472319409251213, -0.03955766186118126, -0.06623175740242004, -0.06434357166290283, 0.010730363428592682, 0.09531404823064804, -0.038641829043626785, -0.0046510957181453705, -0.0002635610580909997, -0.050521157681941986, -0.00917758233845234, 0.06167943775653839, -0.05937258526682854, 0.043637532740831375, 0.0002941981074400246, 0.008587430231273174, -0.08245804905891418, 0.006811246741563082, 0.03535124287009239, -0.03187661990523338, -0.05021563544869423, 0.0538807287812233, -0.046205177903175354, -0.04911616072058678, 0.08616337925195694, 0.12077705562114716, 0.02223336510360241, -0.0074417078867554665, -0.03265012055635452, -0.032395001500844955, -0.02044297195971012, -0.0465838685631752, -0.09242245554924011, -0.004066872876137495, -0.0845910832285881, -0.004339457955211401, 0.02745610848069191, 0.035458754748106, -0.026529541239142418, 0.005651381798088551, -0.059656448662281036, 0.03814076632261276, -0.07989434152841568, 0.038307465612888336, 0.042022351175546646, -0.07733713090419769, -0.028542423620820045, 0.05222427845001221, -0.021975241601467133, -0.03492094576358795, -0.0028609130531549454, 0.09731172025203705, -0.047047629952430725, -0.04303956776857376, 0.028585657477378845, -0.013269786722958088, -0.049555689096450806, -0.03208237141370773, 0.03367527574300766, -0.056207865476608276, -0.011133911088109016, 0.03552134335041046, 0.0006038459832780063, -0.0417037308216095, -0.019220534712076187, -0.008869769051671028, -0.05818802863359451, 0.03268962725996971, 0.0033867540769279003, -0.10010048747062683, -0.008662708103656769, 0.02518436312675476, -0.08136764168739319, -0.08150706440210342, -1.1651975345878628e-32, 0.06102878227829933, 0.013073960319161415, -0.016693023964762688, 0.04137731343507767, 0.09469231218099594, 0.05663500726222992, 0.048021100461483, 0.05749661475419998, 0.007766785100102425, -0.0020574398804455996, 0.05311979725956917, -0.019898494705557823, -0.08859477937221527, -0.05073302611708641, 0.005812610033899546, 0.011856233701109886, 0.07357898354530334, -0.04241597279906273, -0.03290705382823944, 0.014579972252249718, 0.01866399496793747, 0.027943238615989685, -0.006998141296207905, 0.09378530830144882, -0.055753011256456375, -0.0022482925560325384, 0.08490528166294098, 0.006818302441388369, 0.0035329852253198624, 0.012874451465904713, -0.04437660053372383, -0.08424607664346695, -0.02175639010965824, 0.07914965599775314, 0.059125397354364395, 0.0077789160422980785, -0.059955745935440063, -0.046341780573129654, -0.024753382429480553, -0.04573121666908264, 0.029052428901195526, -0.09252328425645828, -0.06216917559504509, -0.015792936086654663, 0.028288401663303375, -0.04606208577752113, 0.01957816630601883, -0.03464080020785332, 0.006551612634211779, 0.044831860810518265, 0.03679077699780464, 0.04139159992337227, -0.018406691029667854, -0.021131165325641632, -0.03212136775255203, -0.09852395206689835, -0.04819992184638977, 0.027320845052599907, 0.006181648932397366, 0.022989509627223015, 0.01946083828806877, 0.0241524800658226, -0.012313750572502613, 0.016340436413884163, 0.05127301067113876, 0.02903294563293457, -0.06996773183345795, 0.03285188227891922, -0.07256101071834564, 0.011247840709984303, 0.016393564641475677, 0.06944607198238373, 0.039780743420124054, -0.012176243588328362, 0.049582868814468384, -0.02464037388563156, 0.0869297906756401, 0.01942693628370762, 0.0827127993106842, -0.00408449349924922, -0.07300682365894318, -0.05653447285294533, -0.03697948157787323, -0.013986818492412567, -0.06362145394086838, -0.006423778831958771, -0.017873654142022133, 0.10639633238315582, -0.02197866700589657, -0.04436049237847328, -0.034529127180576324, 0.07645761966705322, 0.05784086138010025, 0.03018813580274582, 0.06521233916282654, -6.650698480825668e-8, -0.04784132540225983, -0.08747342973947525, -0.0123206228017807, 0.012487116269767284, -0.049230627715587616, 0.03209618106484413, 0.04722891002893448, -0.15317879617214203, -0.01324470154941082, -0.041621703654527664, 0.040091343224048615, 0.026810286566615105, -0.06771910935640335, 0.0292814988642931, -0.041713543236255646, 0.0034358762204647064, -0.126853808760643, 0.0715707540512085, 0.0027034308295696974, -0.06494224816560745, -0.003189501352608204, 0.030774185433983803, 0.01381823793053627, -0.020490659400820732, 0.0036918874830007553, 0.07087093591690063, -0.1138903945684433, 0.001828666660003364, 0.006690009031444788, 0.00630397442728281, 0.034400783479213715, -0.06318995356559753, 0.025691896677017212, -0.06355112046003342, 0.003422055160626769, -0.058991845697164536, -0.03284555301070213, -0.03758556395769119, 0.024104082956910133, 0.024641092866659164, 0.03460182994604111, 0.024328840896487236, 0.07571836560964584, 0.0496949777007103, -0.019088497385382652, 0.006197911687195301, 0.04882730916142464, 0.010298986919224262, 0.03873918578028679, 0.028058776631951332, -0.027055010199546814, -0.07790064811706543, 0.003241591388359666, 0.019061950966715813, 0.06293459981679916, 0.006542160175740719, -0.007941102609038353, 0.0619402751326561, -0.002831948222592473, 0.07334350794553757, 0.041088830679655075, 0.053833380341529846, -0.0030183151829987764, 0.0660705491900444 ]
issue89/DialoGPT-small-house
e0e84860e909b99a5f3954e316a1fc57038a31ba
2022-03-24T03:48:45.000Z
[ "pytorch", "gpt2", "text-generation", "transformers", "conversational" ]
conversational
false
issue89
null
issue89/DialoGPT-small-house
0
null
transformers
--- tags: - conversational --- # House DialoGPT Model
[ -0.008997711353003979, -0.03871824964880943, 0.050262246280908585, -0.017673661932349205, 0.03524724021553993, -0.07378081977367401, 0.10901228338479996, -0.011870039626955986, 0.04249923676252365, -0.05042000114917755, -0.023889785632491112, -0.014591116458177567, 0.018698018044233322, 0.0069777206517755985, 0.03562513738870621, 0.0008868644363246858, 0.01003349106758833, -0.06563601642847061, -0.00848664715886116, 0.08065039664506912, -0.0015332739567384124, 0.10014425963163376, 0.061336081475019455, 0.03968838229775429, 0.025856195017695427, 0.0519568994641304, -0.04433083161711693, -0.0039046048186719418, 0.059923894703388214, -0.015437264926731586, 0.05634623020887375, 0.06057295575737953, 0.06683310866355896, 0.036335669457912445, -0.03426518663764, 0.005298915319144726, 0.04814046993851662, 0.03252473846077919, 0.003229491412639618, 0.01790149323642254, -0.05996120348572731, -0.00022386116324923933, -0.02505151368677616, -0.010715154930949211, 0.021480634808540344, -0.009513385593891144, -0.09321287274360657, -0.05899043753743172, -0.018107149749994278, 0.05527162179350853, -0.09546846896409988, 0.014144404791295528, -0.012083427049219608, 0.106911301612854, 0.0010747790802270174, 0.08622182905673981, -0.04009801894426346, -0.0485285185277462, 0.0508723109960556, 0.006381865590810776, -0.018817078322172165, -0.01887470856308937, -0.09859339147806168, 0.03737112507224083, 0.004540711175650358, 0.05357428267598152, -0.08952385187149048, 0.06470753997564316, 0.019250260666012764, 0.058292366564273834, -0.020889639854431152, 0.04070160537958145, 0.022881165146827698, -0.029246972873806953, 0.0010135918855667114, -0.005008060950785875, -0.023429865017533302, -0.0754544585943222, 0.04918406158685684, -0.014441302046179771, -0.015268652699887753, -0.08429311960935593, -0.025838352739810944, -0.009336651302874088, -0.0026260751765221357, -0.029265690594911575, -0.005759877152740955, -0.011359378695487976, -0.029400743544101715, 0.011056473478674889, -0.02704380266368389, -0.0899738222360611, 0.08245953917503357, 0.002289949683472514, -0.04346812516450882, 0.02933729998767376, -0.03422600403428078, -0.1321025937795639, -0.03289749100804329, 0.10926227271556854, -0.06605978310108185, 0.014645665884017944, 0.03584832698106766, -0.08380475640296936, -0.01410581637173891, 0.02028881199657917, -0.002622999483719468, 0.04036051779985428, 0.014442489482462406, -0.010626995004713535, -0.047431450337171555, -0.029601184651255608, 0.022716931998729706, -0.05181804299354553, 0.08786620199680328, -0.1038220077753067, 0.08817391097545624, -0.07158339768648148, 0.08478403836488724, -0.05156852677464485, -0.01137227937579155, 0.005142600275576115, -0.035222556442022324, -0.057100437581539154, 0.0560714527964592, 0.003463510889559984, -0.04364402964711189, -2.2200131006950403e-33, 0.10298092663288116, 0.04143894836306572, 0.03762223571538925, 0.12905271351337433, 0.04789960756897926, 0.06990370899438858, -0.0821097120642662, 0.009218993596732616, 0.032806240022182465, 0.021908681839704514, 0.05411814898252487, -0.07705476135015488, -0.07952585816383362, 0.0386580191552639, 0.030751504004001617, 0.005465520080178976, -0.10968521982431412, 0.03843449801206589, -0.041006069630384445, -0.05865275859832764, -0.0043259598314762115, 0.06844484806060791, -0.0015405333833768964, 0.10767948627471924, 0.09486866742372513, 0.003037308109924197, 0.08674123883247375, -0.04533734172582626, -0.03784305229783058, 0.03687354922294617, -0.003806650871410966, 0.023081086575984955, -0.019762825220823288, 0.01083348412066698, -0.05756022781133652, 0.01665573939681053, -0.03220447152853012, -0.07573824375867844, 0.0029093711636960506, -0.09576679766178131, -0.04745299369096756, -0.04722364619374275, 0.025004273280501366, -0.02487924136221409, -0.007614689879119396, 0.03137676790356636, -0.012957223691046238, 0.03859561309218407, -0.007308371365070343, 0.03789220377802849, -0.02397347055375576, 0.02631739154458046, -0.04411543160676956, -0.018254727125167847, -0.04315794259309769, -0.060568854212760925, -0.028909165412187576, -0.012984917499125004, 0.040716830641031265, -0.012819051742553711, 0.025692110881209373, -0.018020831048488617, 0.0482499897480011, -0.058095335960388184, 0.09606549143791199, -0.00489782216027379, -0.023623181506991386, -0.020782293751835823, 0.04304061457514763, -0.012851784005761147, -0.033907197415828705, -0.006266461219638586, -0.020953482016921043, 0.0380709245800972, -0.010277255438268185, 0.05337272211909294, -0.0775369331240654, -0.06402587890625, 0.06747064739465714, 0.0835786759853363, -0.04086988791823387, -0.09034566581249237, -0.009455019608139992, 0.00825760792940855, 0.041253432631492615, -0.04367939755320549, 0.06671881675720215, -0.09517782181501389, 0.005135389044880867, 0.059917595237493515, 0.006153855938464403, 0.020386330783367157, -0.05535878613591194, 0.021277466788887978, -0.07630755752325058, 6.269378356433223e-34, -0.03203428536653519, -0.028352048248052597, -0.11283040791749954, 0.07057812809944153, 0.027365904301404953, -0.03313840180635452, 0.003528186585754156, 0.07020679861307144, 0.039692219346761703, -0.017628109082579613, -0.01958656869828701, 0.0647326111793518, 0.02333536185324192, 0.005820993334054947, 0.12346769869327545, -0.002951275324448943, 0.06390773504972458, -0.105040043592453, 0.019714633002877235, 0.027228889986872673, 0.05402328073978424, -0.002961083548143506, -0.1449597328901291, 0.03976624086499214, 0.017900630831718445, -0.04181560128927231, -0.046670299023389816, 0.08124727755784988, 0.1202140673995018, -0.04521339386701584, -0.08995874971151352, -0.016672249883413315, -0.004123874939978123, 0.0028683384880423546, 0.012758271768689156, 0.03016083315014839, 0.029573362320661545, -0.035270996391773224, -0.03811899945139885, 0.04233444482088089, 0.04033719748258591, -0.06826676428318024, -0.0023253352846950293, -0.022175529971718788, -0.02751077152788639, -0.04329189285635948, -0.07573351263999939, -0.04320670664310455, -0.07544147968292236, 0.019048450514674187, 0.027125159278512, 0.011405178345739841, -0.06405066698789597, -0.06340540945529938, -0.062737375497818, -0.009175454266369343, 0.03604261949658394, -0.055269043892621994, 0.035255223512649536, 0.08161567896604538, -0.04460112378001213, -0.00441202986985445, 0.05006619170308113, -0.01467042788863182, -0.016151342540979385, -0.044512566179037094, -0.046521447598934174, -0.011116024106740952, 0.003466735128313303, -0.029206890612840652, 0.09361664205789566, -0.018352920189499855, 0.01636069267988205, -0.0016808214131742716, 0.05071495473384857, -0.013316423632204533, 0.027079932391643524, 0.00525233568623662, 0.029992463067173958, -0.11957452446222305, 0.005347374826669693, -0.00736621767282486, 0.0326433926820755, 0.05762740597128868, 0.03192303702235222, -0.02965778298676014, 0.0013605334097519517, 0.07323483377695084, -0.022816026583313942, 0.0428929477930069, -0.009833489544689655, 0.012857367284595966, 0.025005992501974106, 0.06959766894578934, -0.04696337878704071, -2.4464439363214296e-8, -0.07413925975561142, -0.02762429229915142, 0.044876206666231155, 0.02104434184730053, 0.01505980547517538, -0.026146292686462402, 0.10543420165777206, 0.029402336105704308, -0.054455533623695374, 0.005101913586258888, 0.0635603666305542, 0.06443830579519272, 0.008784661069512367, 0.055075619369745255, -0.022164929658174515, 0.023381592705845833, -0.06998950988054276, 0.027673866599798203, -0.03947021812200546, 0.004382537677884102, 0.11153578013181686, -0.018237534910440445, -0.05569993332028389, 0.10930713266134262, 0.02879181317985058, -0.021494992077350616, -0.06342536211013794, 0.06387265026569366, -0.019033802673220634, 0.08179215341806412, 0.04502463713288307, 0.05665870010852814, -0.12088263779878616, 0.007195023819804192, -0.049835141748189926, 0.027547597885131836, -0.01884220726788044, -0.06759244948625565, 0.003003074321895838, -0.05295669287443161, 0.009983384050428867, -0.048740487545728683, -0.107775017619133, -0.03101491555571556, 0.10177456587553024, 0.008687402121722698, -0.012632371857762337, -0.12988315522670746, -0.0023228146601468325, -0.03748680651187897, -0.04993355646729469, 0.002787113655358553, 0.039229243993759155, -0.009266280569136143, 0.01970030926167965, -0.026823008432984352, 0.04243683069944382, -0.01831452175974846, 0.09057576954364777, 0.014291686937212944, 0.07318059355020523, 0.10162707418203354, -0.01875154860317707, 0.000768122321460396 ]
quincyqiang/chinese-roberta-wwm-ext
54e43bd61d0885381fc266758278ef1a4fe89ed6
2022-03-24T04:58:07.000Z
[ "pytorch", "bert", "fill-mask", "transformers", "license:apache-2.0", "autotrain_compatible" ]
fill-mask
false
quincyqiang
null
quincyqiang/chinese-roberta-wwm-ext
0
null
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 ]
huggingtweets/iopred
3b6d11c2b7ecc43854abf98f9f8426f5da997b2c
2022-03-24T22:38:36.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/iopred
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/iopred/1648161500488/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/804464329202409472/_-74eUkS_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">diet dr. kit</div> <div style="text-align: center; font-size: 14px;">@iopred</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 diet dr. kit. | Data | diet dr. kit | | --- | --- | | Tweets downloaded | 3240 | | Retweets | 177 | | Short tweets | 258 | | Tweets kept | 2805 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/52vmud4n/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 @iopred's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/2i464eff) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/2i464eff/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/iopred') 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.016410356387495995, 0.12405303120613098, -0.014782402664422989, 0.06302247941493988, 0.1734088957309723, -0.014243857935070992, -0.04020419716835022, 0.025544868782162666, 0.08029645681381226, -0.059983037412166595, 0.0006233195308595896, 0.07220059633255005, 0.02093612030148506, -0.028402797877788544, -0.00886545516550541, 0.04292232170701027, -0.08712098002433777, -0.03551273047924042, -0.06083998829126358, 0.010265059769153595, -0.08293908089399338, -0.0934474915266037, 0.08179358392953873, -0.0377550944685936, -0.04260863736271858, 0.07207949459552765, -0.0075417738407850266, 0.05819613113999367, -0.009446759708225727, -0.020331362262368202, -0.047511495649814606, 0.024921245872974396, 0.04785723239183426, 0.028235474601387978, -0.035089436918497086, 0.01937994919717312, -0.024358758702874184, 0.026551513001322746, -0.05226020887494087, 0.011108001694083214, -0.008647814393043518, -0.10190483182668686, 0.05282936245203018, 0.045774906873703, -0.03200908005237579, -0.02737642265856266, -0.014549417421221733, -0.013907725922763348, -0.056809403002262115, 0.031634777784347534, -0.05463733524084091, -0.05732925981283188, 0.003142419271171093, 0.0017929270397871733, 0.010557981207966805, 0.0662350133061409, 0.025610538199543953, -0.04188733175396919, 0.08527622371912003, -0.03116605244576931, 0.10510473698377609, 0.08736656606197357, 0.08339197188615799, 0.0009887086926028132, 0.008392665535211563, -0.016115818172693253, -0.0642077773809433, 0.03851739317178726, -0.03562723472714424, -0.012636394239962101, 0.031052052974700928, 0.003306106897071004, -0.02000741846859455, -0.045816823840141296, 0.06979932636022568, -0.04080023244023323, -0.01484240684658289, 0.02740953303873539, -0.01868460141122341, 0.06258177757263184, 0.036073848605155945, -0.07139498740434647, 0.011059869080781937, -0.03311775252223015, 0.057462871074676514, 0.03459968417882919, 0.0050512077286839485, -0.10028643906116486, -0.025580042973160744, 0.023294823244214058, -0.022128893062472343, -0.024975642561912537, -0.010355697013437748, 0.04195202887058258, -0.051403410732746124, 0.034709881991147995, -0.06156129017472267, -0.1566142439842224, -0.11426614969968796, 0.06772459298372269, 0.0029986617155373096, -0.05443691834807396, 0.06984743475914001, 0.02864418551325798, 0.017487255856394768, -0.03471597284078598, -0.0248201172798872, 0.01103998627513647, -0.006034118589013815, -0.010493991896510124, 0.04038897529244423, -0.04682374373078346, -0.09891649335622787, 0.020336804911494255, -0.033150702714920044, -0.09226454049348831, -0.013489260338246822, 0.04118156433105469, 0.08847130089998245, -0.01864662766456604, 0.051780179142951965, 0.14438477158546448, -0.03618989884853363, -0.09835640341043472, 0.009871049784123898, 0.029330646619200706, -0.05301889032125473, 1.09403457595702e-32, 0.06263722479343414, 0.001411697594448924, -0.057660844177007675, 0.04533059895038605, 0.12071163952350616, -0.0014388685813173652, -0.02151023969054222, -0.03447233885526657, -0.09014023095369339, -0.0031846454367041588, 0.06748740375041962, 0.024287717416882515, 0.006304754409939051, 0.002483777003362775, 0.013725572265684605, -0.09384229779243469, -0.010559704154729843, -0.004100873600691557, -0.021966656669974327, 0.021691419184207916, -0.11103504151105881, 0.04618676006793976, -0.04013149067759514, -0.06802523136138916, -0.05380716919898987, 0.02070116437971592, 0.07673639059066772, -0.050914257764816284, -0.008663219399750233, 0.0005834560142830014, -0.047284528613090515, -0.006002167705446482, 0.06205747276544571, -0.05002807453274727, 0.0464940071105957, 0.014494343660771847, -0.0019984086975455284, -0.08015892654657364, -0.0036221256013959646, 0.04447200149297714, -0.03132973238825798, -0.05287059023976326, 0.04665493592619896, -0.03548315167427063, -0.05174582451581955, 0.08390059322118759, 0.12797127664089203, 0.02518707513809204, -0.03649190068244934, -0.0393584668636322, -0.03287468105554581, -0.001542434561997652, -0.05304837226867676, -0.11133886128664017, -0.004720258992165327, -0.08452770113945007, 0.00580062810331583, 0.00899489875882864, 0.04263245314359665, -0.04008779674768448, -0.0017278546001762152, -0.055130794644355774, 0.02956739068031311, -0.08336954563856125, 0.029940156266093254, 0.0416036881506443, -0.0853634774684906, -0.03388030454516411, 0.043827399611473083, -0.045465972274541855, -0.030845927074551582, -0.008120534010231495, 0.10559870302677155, -0.04621109738945961, -0.041873276233673096, 0.041313596069812775, -0.021614186465740204, -0.05323756858706474, -0.03483569249510765, 0.024423277005553246, -0.046413604170084, -0.0007333786343224347, 0.0263977013528347, 0.0035398881882429123, -0.019975723698735237, -0.008003762923181057, -0.016485782340168953, -0.05343150720000267, 0.016654424369335175, 0.003413599915802479, -0.10810744017362595, -0.004695537965744734, 0.04004410281777382, -0.08191080391407013, -0.08126747608184814, -1.1248629438648915e-32, 0.0446421317756176, 0.013983672484755516, -0.016011742874979973, 0.05463508144021034, 0.0936388447880745, 0.05472196266055107, 0.05065889284014702, 0.055969320237636566, 0.016257721930742264, 0.0030623204074800014, 0.05447697266936302, -0.032654255628585815, -0.0934613049030304, -0.04139677807688713, 0.021560007706284523, 0.025460293516516685, 0.07056029886007309, -0.025476522743701935, -0.03559500351548195, 0.03972899541258812, 0.018831538036465645, 0.035080455243587494, -0.019078969955444336, 0.09308483451604843, -0.06830082088708878, -0.009861228056252003, 0.08046983927488327, -0.005682484246790409, -0.011807510629296303, 0.013561008498072624, -0.05606739595532417, -0.08782292157411575, -0.017895400524139404, 0.06293391436338425, 0.05431165173649788, 0.00533650815486908, -0.065686896443367, -0.053549833595752716, -0.03225211054086685, -0.04282412305474281, 0.01951577141880989, -0.0898178219795227, -0.06941984593868256, -0.011237358674407005, 0.028980322182178497, -0.041137535125017166, 0.038547635078430176, -0.018569370731711388, 0.007749260403215885, 0.05467605963349342, 0.0345274843275547, 0.04771818965673447, -0.026529567316174507, -0.018935758620500565, -0.03230644762516022, -0.08777163177728653, -0.04860095679759979, 0.03278578445315361, 0.015951408073306084, 0.032096609473228455, 0.031653836369514465, 0.028502238914370537, -0.019426804035902023, 0.023124143481254578, 0.0652550533413887, 0.04340961575508118, -0.07472045719623566, 0.03813684731721878, -0.060407161712646484, 0.0065249972976744175, 0.027115894481539726, 0.06506887823343277, 0.041776131838560104, -0.008248338475823402, 0.037447646260261536, -0.01910964399576187, 0.08946225047111511, 0.0025641601532697678, 0.07326695322990417, 0.006304038688540459, -0.08041249960660934, -0.04697247967123985, -0.04140571132302284, 0.003420969471335411, -0.057595930993556976, -0.006673831958323717, -0.025185266509652138, 0.0938020795583725, -0.02399490773677826, -0.04161834344267845, -0.03699658811092377, 0.07669460773468018, 0.058767758309841156, 0.03294256329536438, 0.06742935627698898, -6.733952062631943e-8, -0.05417687073349953, -0.08999781310558319, -0.015072999522089958, 0.02071918547153473, -0.036649301648139954, 0.032954636961221695, 0.032367587089538574, -0.1489495486021042, -0.016901787370443344, -0.051495250314474106, 0.046727485954761505, 0.02206539548933506, -0.06849577277898788, 0.02614232711493969, -0.034819841384887695, 0.01608254946768284, -0.1072525605559349, 0.06984870135784149, -0.004726338665932417, -0.05793742090463638, -0.003091460093855858, 0.03445618972182274, 0.019663598388433456, -0.012605000287294388, 0.0007972321473062038, 0.0520314946770668, -0.12095768004655838, -0.00013849373499397188, 0.010991050861775875, 0.006508384365588427, 0.04274773597717285, -0.059948164969682693, 0.028926312923431396, -0.05574074015021324, -0.010409216396510601, -0.0657639354467392, -0.02206532098352909, -0.032750535756349564, 0.025078607723116875, 0.026662854477763176, 0.044600971043109894, 0.023531688377261162, 0.06768723577260971, 0.0475071556866169, -0.02389826998114586, 0.0034939891193062067, 0.046766627579927444, -0.01457317266613245, 0.03155253082513809, 0.04372229427099228, -0.02810932882130146, -0.07190314680337906, 0.004137952346354723, 0.030908087268471718, 0.07231135666370392, -0.01829378679394722, 0.0026793896686285734, 0.06195906177163124, -0.03568245843052864, 0.07408185303211212, 0.0539318211376667, 0.05178264528512955, -0.0015055930707603693, 0.05694296956062317 ]
huggingtweets/tariqnasheed
e673fd9cdcd8b60175aab3b284e9ac8e9ecd8c6f
2022-03-24T08:54:50.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/tariqnasheed
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/tariqnasheed/1648112086220/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/1506809010988539910/bBCRvJ4K_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">Tariq Nasheed 🇺🇸</div> <div style="text-align: center; font-size: 14px;">@tariqnasheed</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 Tariq Nasheed 🇺🇸. | Data | Tariq Nasheed 🇺🇸 | | --- | --- | | Tweets downloaded | 3235 | | Retweets | 273 | | Short tweets | 396 | | Tweets kept | 2566 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/f1jq7tem/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 @tariqnasheed's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/2dn7iubq) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/2dn7iubq/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/tariqnasheed') 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.003643933916464448, 0.12012564390897751, -0.011055616661906242, 0.054113294929265976, 0.1769353151321411, -0.021270498633384705, -0.03893154487013817, 0.02491975761950016, 0.07441431283950806, -0.055582284927368164, -0.0018571263644844294, 0.07182201743125916, 0.013216315768659115, -0.02978859469294548, -0.00698821572586894, 0.04055126756429672, -0.08578077703714371, -0.0375266894698143, -0.06213477626442909, 0.026786591857671738, -0.08269402384757996, -0.09538526833057404, 0.07824032753705978, -0.044483788311481476, -0.04582996666431427, 0.07484563440084457, 0.0005069696344435215, 0.0581623800098896, -0.011331284418702126, -0.024809204041957855, -0.04347663372755051, 0.043911803513765335, 0.04579664394259453, 0.0360637903213501, -0.02585863322019577, 0.021333912387490273, -0.0190189927816391, 0.023478055372834206, -0.054425373673439026, 0.0014415559126064181, -0.015027177520096302, -0.10256583988666534, 0.049148667603731155, 0.041206661611795425, -0.0299538467079401, -0.02893483266234398, -0.014489310793578625, -0.001254514092579484, -0.05740968883037567, 0.023445479571819305, -0.05140536651015282, -0.05097552016377449, 0.003814888186752796, -0.007624207530170679, 0.014953086152672768, 0.06061017885804176, 0.025028038769960403, -0.05056214705109596, 0.08088461309671402, -0.026737812906503677, 0.10240475088357925, 0.08369024842977524, 0.08604735881090164, -0.00035634584492072463, 0.004946640692651272, -0.014067220501601696, -0.07192199677228928, 0.03351485729217529, -0.027194630354642868, -0.014425697736442089, 0.0316263884305954, -0.0009361596312373877, -0.027990415692329407, -0.048935770988464355, 0.0664059966802597, -0.041084110736846924, -0.0163657758384943, 0.026195812970399857, -0.018176546320319176, 0.06162227317690849, 0.03615338355302811, -0.06133674830198288, 0.0051362169906497, -0.027691343799233437, 0.053628094494342804, 0.03098946623504162, 0.008535174652934074, -0.10478691756725311, -0.016807133331894875, 0.026862619444727898, -0.022881226614117622, -0.018838100135326385, -0.005923198536038399, 0.042825281620025635, -0.04131685569882393, 0.02685663476586342, -0.04514859616756439, -0.15627309679985046, -0.1172630563378334, 0.06351267546415329, 0.005434819497168064, -0.05223183333873749, 0.06524743884801865, 0.016867857426404953, 0.0073973024263978004, -0.03734099492430687, -0.025477251037955284, 0.010390984825789928, -0.012230241671204567, -0.013123171404004097, 0.047024697065353394, -0.04928803816437721, -0.10690288245677948, 0.0233610887080431, -0.028164615854620934, -0.10374565422534943, -0.012016712687909603, 0.04317230358719826, 0.08929508179426193, -0.018800416961312294, 0.04900280386209488, 0.15135516226291656, -0.033121831715106964, -0.09351661056280136, 0.007791752927005291, 0.02882661297917366, -0.054212670773267746, 1.1132400965343422e-32, 0.05545990541577339, 0.006657249294221401, -0.06575390696525574, 0.04367297515273094, 0.1335274875164032, -0.00714953662827611, -0.0025065243244171143, -0.03079836443066597, -0.09125364571809769, 0.0009258636273443699, 0.07340941578149796, 0.03255831077694893, 0.010177397169172764, 0.017215216532349586, 0.0037715465296059847, -0.09006400406360626, -0.015479553490877151, -0.006710046902298927, -0.02707463875412941, 0.026438556611537933, -0.10955216735601425, 0.047209177166223526, -0.03415596857666969, -0.06688476353883743, -0.05460866540670395, 0.018240615725517273, 0.06443651020526886, -0.04773453250527382, 0.006510260049253702, 0.0039900196716189384, -0.04349594563245773, -0.01767728291451931, 0.0591573528945446, -0.0486469641327858, 0.04516923800110817, 0.01983758807182312, 0.010624045506119728, -0.08191505074501038, -0.012205399572849274, 0.044519536197185516, -0.03666265681385994, -0.04517026245594025, 0.054797835648059845, -0.030246024951338768, -0.056245580315589905, 0.07948346436023712, 0.1419992744922638, 0.021092699840664864, -0.032088503241539, -0.04763292148709297, -0.03627196326851845, -0.0028762631118297577, -0.04376452416181564, -0.11740419268608093, -0.012430637143552303, -0.0887763649225235, 0.009429670870304108, 0.018880559131503105, 0.0493454746901989, -0.04006962478160858, 0.0009445330360904336, -0.0629952922463417, 0.020593365654349327, -0.08061527460813522, 0.04111570492386818, 0.03290895000100136, -0.0902189090847969, -0.03949851170182228, 0.04429217800498009, -0.04306301102042198, -0.03303445130586624, -0.0007182145491242409, 0.11185773462057114, -0.03390779718756676, -0.04557253420352936, 0.037889156490564346, -0.02130894735455513, -0.05112528055906296, -0.02947959490120411, 0.02011810429394245, -0.06063726544380188, 0.01780516281723976, 0.02432561293244362, -0.002886691829189658, -0.02061796747148037, -0.0032160640694200993, -0.01234468538314104, -0.050736695528030396, 0.011333742178976536, -0.008862052112817764, -0.09977815300226212, -0.013199914246797562, 0.04264901950955391, -0.08835257589817047, -0.07499784976243973, -1.1766154785593843e-32, 0.045410577207803726, 0.0002989603381138295, -0.007561921142041683, 0.0535767488181591, 0.09710526466369629, 0.04700704663991928, 0.04688598960638046, 0.04972560703754425, 0.008960973471403122, -0.0029015610925853252, 0.0470234714448452, -0.025469686836004257, -0.0876401960849762, -0.03456587344408035, 0.018401192501187325, 0.020965123549103737, 0.06484855711460114, -0.026086842641234398, -0.0305729191750288, 0.03907940909266472, 0.012282131239771843, 0.03806779161095619, -0.011572213843464851, 0.09838639944791794, -0.07257869094610214, -0.009146081283688545, 0.07371228188276291, -0.018821794539690018, -0.01602977141737938, 0.01356501318514347, -0.05998089164495468, -0.08656787872314453, -0.017797403037548065, 0.052574023604393005, 0.05300264060497284, -0.0010208531748503447, -0.06875187158584595, -0.04900617152452469, -0.029849080368876457, -0.047234829515218735, 0.008159104734659195, -0.09074973315000534, -0.060593631118535995, -0.008108547888696194, 0.03317499905824661, -0.044344957917928696, 0.03474985808134079, -0.00943816639482975, 0.004392683040350676, 0.05844806134700775, 0.03995233029127121, 0.045640524476766586, -0.026900891214609146, -0.022026337683200836, -0.017930228263139725, -0.08592423051595688, -0.05558363348245621, 0.028265440836548805, 0.023212982341647148, 0.03516384959220886, 0.031034324318170547, 0.02773795835673809, -0.02195756323635578, 0.01600600965321064, 0.06619763374328613, 0.04767743498086929, -0.0779680609703064, 0.037311747670173645, -0.0623655840754509, 0.004197984002530575, 0.03355018049478531, 0.06915419548749924, 0.03219831362366676, -0.01515448559075594, 0.037038009613752365, -0.02175447903573513, 0.08785132318735123, 0.0020100222900509834, 0.07222435623407364, 0.008691462688148022, -0.08749934285879135, -0.049507275223731995, -0.04955512285232544, 0.008383957669138908, -0.052168771624565125, -0.012435205280780792, -0.025033345445990562, 0.09195553511381149, -0.024835500866174698, -0.03752438351511955, -0.03400753438472748, 0.07576058059930801, 0.05052836611866951, 0.039954230189323425, 0.06904903054237366, -6.770768123942617e-8, -0.05111689120531082, -0.08387206494808197, -0.016193455085158348, 0.00851437821984291, -0.031766340136528015, 0.031187646090984344, 0.03305147960782051, -0.15106715261936188, -0.02016211673617363, -0.054089829325675964, 0.038534753024578094, 0.006840971298515797, -0.07706739753484726, 0.030491970479488373, -0.033643268048763275, 0.023284070193767548, -0.09616375714540482, 0.0864957720041275, -0.01067512296140194, -0.0630207285284996, -0.004393553361296654, 0.04142152518033981, 0.02062605321407318, -0.023296117782592773, -0.0042490046471357346, 0.054160863161087036, -0.11670631170272827, -0.0040634190663695335, 0.00742654874920845, -0.007742277346551418, 0.04461641609668732, -0.06002817302942276, 0.03568820282816887, -0.05372767895460129, -0.010512304492294788, -0.07199278473854065, -0.025885937735438347, -0.03184891492128372, 0.015086779370903969, 0.022974731400609016, 0.04394562914967537, 0.015701811760663986, 0.07239119708538055, 0.04130198806524277, -0.030701952055096626, 0.002712045796215534, 0.03605390340089798, -0.007882459089159966, 0.03229459747672081, 0.04462265595793724, -0.020770763978362083, -0.07706625014543533, 0.0022955064196139574, 0.03560981899499893, 0.0707152783870697, -0.012012825347483158, -0.01021434087306261, 0.06494065374135971, -0.0279852282255888, 0.07299039512872696, 0.045419931411743164, 0.05820561945438385, -0.0021442282013595104, 0.0611414760351181 ]
huggingtweets/kytalli-vi0linheart
bd0faba430abf54cd876e82f3835418ce4877891
2022-03-24T09:38:01.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/kytalli-vi0linheart
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/kytalli-vi0linheart/1648114676311/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/1500859213622300673/izXwf0KK_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/1376749372831002627/2B9FZTnI_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">sal & G</div> <div style="text-align: center; font-size: 14px;">@kytalli-vi0linheart</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 sal & G. | Data | sal | G | | --- | --- | --- | | Tweets downloaded | 3114 | 3249 | | Retweets | 421 | 55 | | Short tweets | 541 | 226 | | Tweets kept | 2152 | 2968 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/1tj76wad/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 @kytalli-vi0linheart's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/1a1bludi) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/1a1bludi/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/kytalli-vi0linheart') 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.01498638279736042, 0.12260264903306961, 0.0014444611733779311, 0.0440942719578743, 0.1693413108587265, -0.008590943180024624, -0.045122355222702026, 0.04119456931948662, 0.07195643335580826, -0.050971269607543945, 0.002788849174976349, 0.07623492926359177, 0.018544688820838928, -0.0366174690425396, -0.013273471966385841, 0.03808790445327759, -0.08570913970470428, -0.029669957235455513, -0.058015745133161545, 0.023047761991620064, -0.08809396624565125, -0.09021417796611786, 0.08186106383800507, -0.06223846226930618, -0.04159725457429886, 0.06306798756122589, -0.00681680953130126, 0.05964301526546478, -0.005342236720025539, -0.024373969063162804, -0.036546219140291214, 0.016712674871087074, 0.05043617635965347, 0.03964979201555252, -0.025015700608491898, 0.04144824668765068, -0.02230602689087391, 0.010905137285590172, -0.060990042984485626, 0.026387324556708336, -0.01327687967568636, -0.11158005148172379, 0.05797889083623886, 0.03712250292301178, -0.03380603343248367, -0.029951056465506554, -0.005286918953061104, -0.009991719387471676, -0.040099140256643295, 0.0317646786570549, -0.06420702487230301, -0.048427339643239975, 0.012695503421127796, -0.00109252636320889, 0.013776274397969246, 0.06705601513385773, 0.02859516628086567, -0.05704167112708092, 0.06824007630348206, -0.018217261880636215, 0.1136859655380249, 0.09173651784658432, 0.08220401406288147, -0.00007969274884089828, 0.00544219184666872, -0.017361894249916077, -0.06303532421588898, 0.05238322913646698, -0.0290253646671772, -0.006916976999491453, 0.022742806002497673, 0.0030320393852889538, -0.029519231989979744, -0.030275849625468254, 0.04863837733864784, -0.05362837761640549, -0.018964696675539017, 0.015825117006897926, -0.015930913388729095, 0.05367612466216087, 0.04010710120201111, -0.05569957569241524, 0.014063781127333641, -0.03598298504948616, 0.06546448916196823, 0.021040091291069984, -0.001674352795816958, -0.09992984682321548, -0.033167533576488495, 0.023328913375735283, -0.003197853919118643, -0.028635896742343903, 0.004596940241754055, 0.04352456331253052, -0.039957981556653976, 0.02814970351755619, -0.05599179118871689, -0.15565349161624908, -0.11924650520086288, 0.06349976360797882, 0.007220669183880091, -0.05112171173095703, 0.06753988564014435, 0.026150885969400406, 0.015901712700724602, -0.03142634406685829, -0.03916553780436516, 0.027386676520109177, -0.006226235069334507, -0.0204274021089077, 0.041071899235248566, -0.04653065279126167, -0.10974971204996109, 0.014584650285542011, -0.02457890473306179, -0.11182496696710587, -0.011207213625311852, 0.027238041162490845, 0.09400743991136551, -0.03420058265328407, 0.06387518346309662, 0.15792611241340637, -0.03404942527413368, -0.09655477106571198, 0.005431021563708782, 0.02864648588001728, -0.043888360261917114, 1.1203286213433883e-32, 0.05324704945087433, 0.007731759920716286, -0.05474745109677315, 0.048188891261816025, 0.10906635224819183, -0.0003271045570727438, -0.017894357442855835, -0.02752666175365448, -0.10170356929302216, -0.005231112707406282, 0.07310310751199722, 0.018490225076675415, 0.001663658651523292, 0.020089605823159218, -0.006075297016650438, -0.09167567640542984, -0.03312499448657036, -0.0071844360791146755, -0.015844227746129036, 0.017853781580924988, -0.11705967783927917, 0.041779257357120514, -0.035731084644794464, -0.06565358489751816, -0.05588782578706741, 0.007252661045640707, 0.08820223063230515, -0.03977065160870552, -0.0033315175678581, -0.002361555118113756, -0.052403487265110016, -0.013933289796113968, 0.0701356828212738, -0.06351351737976074, 0.04396936297416687, 0.009311558678746223, 0.01864926889538765, -0.07888467609882355, 0.002492680214345455, 0.04421447589993477, -0.033549536019563675, -0.05050543695688248, 0.05206504836678505, -0.04130185768008232, -0.0494052954018116, 0.08866776525974274, 0.12639905512332916, 0.026527326554059982, -0.014782875776290894, -0.039729803800582886, -0.03116714581847191, -0.02375096082687378, -0.03976840525865555, -0.09357402473688126, -0.010586258955299854, -0.08469174802303314, -0.0007288298802450299, 0.02461862377822399, 0.03304887190461159, -0.03060106746852398, -0.003313977038487792, -0.06639950722455978, 0.03778280317783356, -0.07876982539892197, 0.034932252019643784, 0.03650515154004097, -0.07635262608528137, -0.02536724880337715, 0.04539627209305763, -0.023081297054886818, -0.039837781339883804, -0.0031390520744025707, 0.09772469103336334, -0.044347599148750305, -0.0456714890897274, 0.03336217999458313, -0.02462160959839821, -0.04819976165890694, -0.03921986371278763, 0.03029177337884903, -0.05741395428776741, -0.0011488187592476606, 0.033342618495225906, 0.00402508769184351, -0.04306774213910103, -0.01205306127667427, -0.01452922634780407, -0.054351817816495895, 0.024616871029138565, -0.0013362654717639089, -0.10082638263702393, -0.012037932872772217, 0.032913632690906525, -0.0897955447435379, -0.07767019420862198, -1.1801509247562761e-32, 0.06314834952354431, 0.014643297530710697, -0.0109884487465024, 0.04298469424247742, 0.09817881137132645, 0.0554988831281662, 0.047512296587228775, 0.05306023731827736, 0.008840065449476242, -0.002856423147022724, 0.0475374236702919, -0.022766193374991417, -0.086064413189888, -0.04730544239282608, 0.0042156074196100235, 0.016723737120628357, 0.06817252933979034, -0.031911931931972504, -0.02721494808793068, 0.014575621113181114, 0.011158596724271774, 0.03256504237651825, -0.0033068733755499125, 0.08736387640237808, -0.06256144493818283, -0.011598095297813416, 0.08496829867362976, 0.0034678010269999504, -0.0000557760322408285, 0.012287311255931854, -0.038060639053583145, -0.09041459113359451, -0.019843338057398796, 0.06889422982931137, 0.06643439829349518, 0.005588650703430176, -0.058901090174913406, -0.044675327837467194, -0.0316506028175354, -0.04785916581749916, 0.014906228519976139, -0.09928209334611893, -0.06293751299381256, -0.016098519787192345, 0.033100832253694534, -0.04379299655556679, 0.028844932094216347, -0.02755977213382721, 0.007284095510840416, 0.04966289550065994, 0.03383729234337807, 0.039085086435079575, -0.0186461228877306, -0.019296180456876755, -0.03295804560184479, -0.09267207980155945, -0.04924490675330162, 0.028777064755558968, 0.007925141602754593, 0.02385099232196808, 0.022341102361679077, 0.026833046227693558, -0.018766308203339577, 0.008209423162043095, 0.06006774306297302, 0.03421495109796524, -0.0764603242278099, 0.03635659068822861, -0.0698518380522728, 0.010971534997224808, 0.019464891403913498, 0.06145847961306572, 0.04324495047330856, -0.005377407185733318, 0.039348479360342026, -0.020621059462428093, 0.08990310877561569, 0.00948890671133995, 0.08373141288757324, 0.00035343351191841066, -0.0757034569978714, -0.06375240534543991, -0.04031027480959892, -0.008863016031682491, -0.06592629849910736, -0.005124298855662346, -0.02230718731880188, 0.10122223198413849, -0.030756965279579163, -0.045602187514305115, -0.045335181057453156, 0.07293395698070526, 0.05241788923740387, 0.02558293007314205, 0.06109585613012314, -6.62542802842836e-8, -0.04235295578837395, -0.0816342681646347, -0.008394518867135048, 0.002321437234058976, -0.04699797183275223, 0.03312540054321289, 0.04199924319982529, -0.15462292730808258, -0.019060656428337097, -0.04323398321866989, 0.036132313311100006, 0.026163414120674133, -0.06410176306962967, 0.024196172133088112, -0.0383584089577198, 0.010440582409501076, -0.11573532223701477, 0.07443199306726456, 0.0018004433950409293, -0.07281056046485901, 0.002436075359582901, 0.03401710093021393, 0.014679588377475739, -0.024326331913471222, -0.0010533954482525587, 0.06861472129821777, -0.1094173938035965, 0.006215846631675959, 0.005975173320621252, 0.010057804174721241, 0.04654344916343689, -0.06112860515713692, 0.031602293252944946, -0.06106526777148247, 0.002389155561104417, -0.06353224813938141, -0.02716059982776642, -0.037998925894498825, 0.022883165627717972, 0.015526563860476017, 0.033295273780822754, 0.020449234172701836, 0.07741696387529373, 0.050601448863744736, -0.027040351182222366, 0.002394778421148658, 0.045392367988824844, 0.004882150795310736, 0.038138777017593384, 0.03135235235095024, -0.023474613204598427, -0.08331310749053955, 0.006333446130156517, 0.02373572625219822, 0.05924949422478676, 0.003897167509421706, -0.008122325874865055, 0.06309415400028229, -0.0032084318809211254, 0.07215771824121475, 0.03676982969045639, 0.06102350354194641, -0.002038497244939208, 0.06941036134958267 ]
huggingtweets/madeleine
7586f4090ee9c321c375970b419d4c10703ac135
2022-03-24T09:38:39.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/madeleine
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/madeleine/1648114714373/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/1227670393453936642/6rdB_DqU_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">Madeleine Albright</div> <div style="text-align: center; font-size: 14px;">@madeleine</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 Madeleine Albright. | Data | Madeleine Albright | | --- | --- | | Tweets downloaded | 1111 | | Retweets | 249 | | Short tweets | 3 | | Tweets kept | 859 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/2a3z3e8y/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 @madeleine's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/2q01k6dh) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/2q01k6dh/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/madeleine') 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.004579408559948206, 0.11694986373186111, -0.011702226474881172, 0.05729173868894577, 0.16766053438186646, -0.011125785298645496, -0.03489626199007034, 0.030209489166736603, 0.0796942412853241, -0.05300140008330345, 0.0022414603736251593, 0.0802207812666893, 0.016510944813489914, -0.029391959309577942, -0.0020526149310171604, 0.04676513746380806, -0.08816427737474442, -0.03461891785264015, -0.06647040694952011, 0.021279355511069298, -0.08351369947195053, -0.09495840221643448, 0.08677836507558823, -0.047310203313827515, -0.0484878234565258, 0.07343079894781113, -0.0035335440188646317, 0.05349799990653992, -0.003236039076000452, -0.020278532058000565, -0.0449611097574234, 0.03603857383131981, 0.04606208950281143, 0.03604912385344505, -0.027828669175505638, 0.024450423195958138, -0.01882082223892212, 0.018842030316591263, -0.05329814925789833, 0.006133046932518482, -0.012827230617403984, -0.09552469849586487, 0.050511572510004044, 0.04576153680682182, -0.030131984502077103, -0.03062501549720764, -0.01221517939120531, -0.00840762909501791, -0.05516263470053673, 0.026952117681503296, -0.04574109986424446, -0.0470910370349884, 0.0030732126906514168, -0.0037594216410070658, 0.011064797639846802, 0.06843236088752747, 0.02665420062839985, -0.045334167778491974, 0.07960792630910873, -0.020318934693932533, 0.1040610745549202, 0.09093420952558517, 0.09181143343448639, 0.005707129370421171, -0.001609328668564558, -0.014628754928708076, -0.06920316815376282, 0.040905360132455826, -0.041079968214035034, -0.009012741968035698, 0.026392463594675064, 0.0027773051988333464, -0.021868782117962837, -0.04443705081939697, 0.06742580235004425, -0.04892048239707947, -0.01472871471196413, 0.03303855285048485, -0.01495488453656435, 0.06652722507715225, 0.032687004655599594, -0.06560878455638885, 0.009320433251559734, -0.03505605831742287, 0.0541689433157444, 0.037152450531721115, 0.0036166978534311056, -0.11336850374937057, -0.027248641476035118, 0.019019251689314842, -0.016536852344870567, -0.026719290763139725, -0.0020927877631038427, 0.050298720598220825, -0.050883617252111435, 0.021903041750192642, -0.05888120085000992, -0.14771921932697296, -0.11140234023332596, 0.06700845062732697, 0.0004172014887444675, -0.04334663972258568, 0.07118874043226242, 0.03353192284703255, 0.01435768324881792, -0.041842859238386154, -0.03203241899609566, 0.013683672994375229, -0.010221186093986034, -0.011446844786405563, 0.041735246777534485, -0.049227286130189896, -0.0947093665599823, 0.026090944185853004, -0.029869090765714645, -0.0964532196521759, -0.009395738132297993, 0.03991496190428734, 0.09253039211034775, -0.0192476324737072, 0.052995383739471436, 0.1437404751777649, -0.03400414437055588, -0.09654989838600159, -0.0003027869970537722, 0.023698410019278526, -0.0554092600941658, 1.0434765639281534e-32, 0.055057089775800705, 0.005754479207098484, -0.05438874661922455, 0.05107820779085159, 0.11934101581573486, -0.003110445337370038, -0.0165540874004364, -0.027549590915441513, -0.09211263805627823, 0.009111268445849419, 0.07264240831136703, 0.03283192589879036, 0.007902157492935658, 0.00816565752029419, 0.006877391133457422, -0.0936318188905716, -0.010871893726289272, -0.007693055085837841, -0.02282983437180519, 0.01694570481777191, -0.10975910723209381, 0.040388625115156174, -0.04035688191652298, -0.06369388103485107, -0.05352781340479851, 0.01496900711208582, 0.07436810433864594, -0.04552799090743065, -0.005202458240091801, -0.0003768489114008844, -0.05047818273305893, -0.017235737293958664, 0.06354892253875732, -0.050361085683107376, 0.041591543704271317, 0.012295087799429893, 0.006539876572787762, -0.08037658035755157, -0.012924158945679665, 0.0413762666285038, -0.03984330594539642, -0.05667442828416824, 0.04923832789063454, -0.03399761766195297, -0.05739552527666092, 0.08084501326084137, 0.14253610372543335, 0.021706480532884598, -0.03488638252019882, -0.052064958959817886, -0.03798189014196396, -0.0010732761584222317, -0.04300481081008911, -0.108705535531044, -0.0025675774086266756, -0.09487646818161011, -0.00013241134001873434, 0.013382326811552048, 0.04574747383594513, -0.03147784620523453, -0.007036261260509491, -0.0626010000705719, 0.028216827660799026, -0.08000189810991287, 0.031925663352012634, 0.04166349768638611, -0.08371413499116898, -0.040996287018060684, 0.046883270144462585, -0.04298005253076553, -0.039477843791246414, -0.0025712463539093733, 0.10310196131467819, -0.04374771937727928, -0.041746921837329865, 0.036671776324510574, -0.02281605638563633, -0.054039377719163895, -0.03713371232151985, 0.018336206674575806, -0.05135062709450722, 0.006281385663896799, 0.02301079034805298, 0.013706693425774574, -0.021085355430841446, -0.012000185437500477, -0.018209870904684067, -0.05417898669838905, 0.017485279589891434, 0.0019926310051232576, -0.1065547838807106, -0.011387497186660767, 0.042751479893922806, -0.08484572172164917, -0.07842990010976791, -1.1007627382791421e-32, 0.05057164654135704, 0.006001635454595089, -0.017491647973656654, 0.05199190601706505, 0.09532742202281952, 0.0477747842669487, 0.05805648863315582, 0.05340141803026199, 0.015620949678122997, -0.005459741223603487, 0.04888061434030533, -0.03374229744076729, -0.09343357384204865, -0.036097873002290726, 0.017473727464675903, 0.036691710352897644, 0.07160751521587372, -0.026704439893364906, -0.032134510576725006, 0.03503585234284401, 0.01781768538057804, 0.03601369261741638, -0.01432983111590147, 0.0922161266207695, -0.06358995288610458, -0.004789810627698898, 0.0779954120516777, -0.014654602855443954, -0.010268277488648891, 0.018266763538122177, -0.05383677035570145, -0.09395350515842438, -0.02404293604195118, 0.0628909096121788, 0.05862477794289589, -0.0032548538874834776, -0.07731978595256805, -0.047819387167692184, -0.031287744641304016, -0.04668140411376953, 0.01446207519620657, -0.08539975434541702, -0.06026441231369972, -0.003895822446793318, 0.033484186977148056, -0.04723291099071503, 0.036263078451156616, -0.022090021520853043, 0.003979254048317671, 0.05682588741183281, 0.02657008357346058, 0.04002966359257698, -0.018846508115530014, -0.02074638195335865, -0.02326265163719654, -0.07831863313913345, -0.04790007323026657, 0.030709346756339073, 0.009927253238856792, 0.03294394910335541, 0.034559737890958786, 0.025323787704110146, -0.025432631373405457, 0.016106227412819862, 0.06710007786750793, 0.051181815564632416, -0.07060590386390686, 0.04278554767370224, -0.06150459870696068, -0.0027784579433500767, 0.030680064111948013, 0.06652140617370605, 0.03839543089270592, -0.003989297430962324, 0.03089841641485691, -0.023158835247159004, 0.08598893135786057, -0.0023319674655795097, 0.0720357894897461, 0.015200115740299225, -0.08402607589960098, -0.06030566617846489, -0.04083533585071564, 0.0054855868220329285, -0.06664091348648071, -0.01670863665640354, -0.03133489191532135, 0.09318824112415314, -0.027450954541563988, -0.04175213724374771, -0.03334490582346916, 0.07127996534109116, 0.055119723081588745, 0.02997926063835621, 0.06660457700490952, -6.660683027348568e-8, -0.059453606605529785, -0.08900946378707886, -0.009759682230651379, 0.00726088834926486, -0.0313657708466053, 0.030440371483564377, 0.033979929983615875, -0.14979460835456848, -0.029952919110655785, -0.05467832833528519, 0.04239450395107269, 0.018188338726758957, -0.06576310098171234, 0.022554829716682434, -0.027139710262417793, 0.018200019374489784, -0.10168570280075073, 0.07861879467964172, -0.009191025048494339, -0.05754939466714859, -0.004826606251299381, 0.03988248482346535, 0.025957951322197914, -0.014226233586668968, -0.0025801295414566994, 0.048170316964387894, -0.12538152933120728, 0.00013330754882190377, 0.009971662424504757, 0.009023509919643402, 0.04437251389026642, -0.055388763546943665, 0.037908803671598434, -0.05375964567065239, -0.013767853379249573, -0.07336071878671646, -0.022102436050772667, -0.038289204239845276, 0.019158167764544487, 0.02864144928753376, 0.04367286339402199, 0.01574435643851757, 0.07083670049905777, 0.05257494002580643, -0.019386064261198044, 0.004864635411649942, 0.03952443599700928, -0.008653689175844193, 0.030681414529681206, 0.04125690832734108, -0.0222015343606472, -0.07347318530082703, 0.004664021544158459, 0.03581654280424118, 0.06388869136571884, -0.013111351989209652, -0.006022482179105282, 0.06633301824331284, -0.031650759279727936, 0.0669245570898056, 0.0471038892865181, 0.06324504315853119, 0.005772705655544996, 0.05498529225587845 ]
huggingtweets/vi0linheart
a405f60b1b4f15025ad4f25f2b610463ded90208
2022-03-24T10:11:28.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/vi0linheart
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/vi0linheart/1648116634962/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/1500859213622300673/izXwf0KK_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">sal</div> <div style="text-align: center; font-size: 14px;">@vi0linheart</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 sal. | Data | sal | | --- | --- | | Tweets downloaded | 3114 | | Retweets | 421 | | Short tweets | 541 | | Tweets kept | 2152 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/21y9qo98/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 @vi0linheart's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/3t019c6m) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/3t019c6m/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/vi0linheart') 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.007362030912190676, 0.12294735014438629, -0.007920600473880768, 0.05152285471558571, 0.16988345980644226, -0.019365014508366585, -0.03882519155740738, 0.0190182626247406, 0.0753355473279953, -0.0570802167057991, -0.004622567445039749, 0.06724663823843002, 0.019887180998921394, -0.03015453927218914, -0.007782209664583206, 0.03479640185832977, -0.09009438008069992, -0.028467556461691856, -0.05998146906495094, 0.028374547138810158, -0.08019427210092545, -0.09425341337919235, 0.08007336407899857, -0.04427190124988556, -0.04457251355051994, 0.07284500449895859, -0.007590032182633877, 0.05466248095035553, -0.009233011864125729, -0.022236865013837814, -0.04244869574904442, 0.038797371089458466, 0.048326727002859116, 0.03652791306376457, -0.02370087057352066, 0.010546714067459106, -0.027437731623649597, 0.02348712459206581, -0.06181301176548004, 0.002618075581267476, -0.01976029947400093, -0.10468740016222, 0.04731065407395363, 0.04059669002890587, -0.03133025020360947, -0.02872581221163273, -0.015565041452646255, -0.00021828511671628803, -0.05395161360502243, 0.024541042745113373, -0.05584040656685829, -0.05118127167224884, 0.0012999727623537183, -0.004188093356788158, 0.01496558915823698, 0.06425252556800842, 0.024685906246304512, -0.05276564881205559, 0.0839366465806961, -0.02660105563700199, 0.10709954053163528, 0.08281436562538147, 0.08476095646619797, 0.0010078300256282091, 0.00537662161514163, -0.01667327992618084, -0.07190834730863571, 0.03715656325221062, -0.028051575645804405, -0.018307367339730263, 0.02830144204199314, -0.004614108707755804, -0.0276641808450222, -0.04100034385919571, 0.07035285234451294, -0.04238220304250717, -0.016720246523618698, 0.021274300292134285, -0.017591826617717743, 0.05684806406497955, 0.03489414229989052, -0.061506014317274094, 0.006219862494617701, -0.027388066053390503, 0.05192772299051285, 0.03836951404809952, 0.014343864284455776, -0.10482777655124664, -0.019893156364560127, 0.021387707442045212, -0.016790924593806267, -0.021605150774121284, -0.013782001100480556, 0.04325587674975395, -0.04281504079699516, 0.02338915877044201, -0.050622452050447464, -0.14784806966781616, -0.11329150944948196, 0.06180160120129585, 0.01029420830309391, -0.0551721453666687, 0.06665540486574173, 0.01596624031662941, 0.012805527076125145, -0.03880771994590759, -0.025295674800872803, 0.011084838770329952, -0.011475378647446632, -0.011036559008061886, 0.03648390620946884, -0.05018095672130585, -0.10589677095413208, 0.022438984364271164, -0.027385378256440163, -0.10133610665798187, -0.00749744288623333, 0.049035992473363876, 0.08893761783838272, -0.026882296428084373, 0.05014696344733238, 0.1446562111377716, -0.03403247892856598, -0.0942826122045517, 0.0007108182762749493, 0.024799780920147896, -0.05666691064834595, 1.1568982505974697e-32, 0.05502301827073097, 0.0076256804168224335, -0.06514148414134979, 0.05004405975341797, 0.12657245993614197, -0.008182300254702568, -0.00333119067363441, -0.029841125011444092, -0.08910245448350906, 0.0001228076289407909, 0.07528871297836304, 0.033297594636678696, 0.005094585940241814, 0.01771109364926815, -0.001169485622085631, -0.09146909415721893, -0.017349397763609886, -0.0038664578460156918, -0.03303179144859314, 0.02831520140171051, -0.10986039787530899, 0.04476000368595123, -0.038266733288764954, -0.06439341604709625, -0.053654156625270844, 0.019627733156085014, 0.06377658993005753, -0.04541567713022232, 0.006584447342902422, 0.005986650008708239, -0.043195873498916626, -0.02027806080877781, 0.058545488864183426, -0.053241994231939316, 0.0494161993265152, 0.01846250332891941, 0.018260987475514412, -0.07817231118679047, -0.018868615850806236, 0.04276842623949051, -0.036301471292972565, -0.041409969329833984, 0.04760560393333435, -0.028374381363391876, -0.05627071112394333, 0.08511144667863846, 0.14658327400684357, 0.023694537580013275, -0.032924309372901917, -0.05099543184041977, -0.03411007672548294, -0.010027614422142506, -0.046887755393981934, -0.11261961609125137, -0.01582852564752102, -0.08841142803430557, 0.010565632954239845, 0.012790704146027565, 0.04528539627790451, -0.034307342022657394, -0.004521559923887253, -0.06545368582010269, 0.02949509583413601, -0.08167129755020142, 0.04067740589380264, 0.036564502865076065, -0.09142402559518814, -0.03479555621743202, 0.044889673590660095, -0.038206201046705246, -0.038404010236263275, 0.0015859587583690882, 0.11322122067213058, -0.035383906215429306, -0.05017615482211113, 0.03716593608260155, -0.019461864605545998, -0.050049297511577606, -0.032732050865888596, 0.023685378953814507, -0.05850520357489586, 0.017760595306754112, 0.022548221051692963, 0.0033323464449495077, -0.018200889229774475, -0.006358632352203131, -0.018278738483786583, -0.05463487654924393, 0.010277427732944489, -0.006448165979236364, -0.10639554262161255, -0.016178470104932785, 0.047091785818338394, -0.08947425335645676, -0.07830169796943665, -1.219247352585847e-32, 0.05270075798034668, -0.0015695912297815084, -0.004376638680696487, 0.050453390926122665, 0.10347116738557816, 0.0489194355905056, 0.05409357324242592, 0.05447569489479065, 0.01324508711695671, 0.004009264055639505, 0.04420873150229454, -0.02795441262423992, -0.08286815136671066, -0.028640268370509148, 0.02093629725277424, 0.026066530495882034, 0.06743969768285751, -0.021319570019841194, -0.03413182869553566, 0.0444224588572979, 0.009624181315302849, 0.04310620203614235, -0.0099910544231534, 0.09314543008804321, -0.07375334203243256, -0.005778934806585312, 0.07336587458848953, -0.014729718677699566, -0.01618332602083683, 0.01162160187959671, -0.056977279484272, -0.08700662106275558, -0.02774481661617756, 0.05942351371049881, 0.057036738842725754, 0.003612957429140806, -0.06802140921354294, -0.044646844267845154, -0.03233346715569496, -0.04854850098490715, 0.0042411950416862965, -0.0969138965010643, -0.061613429337739944, -0.011924701742827892, 0.04016944393515587, -0.04426340013742447, 0.040500301867723465, -0.01172063872218132, -0.00035622468567453325, 0.05363659933209419, 0.03765126317739487, 0.043795228004455566, -0.022596420720219612, -0.019983669742941856, -0.02136601321399212, -0.08124919980764389, -0.05117108300328255, 0.028617212548851967, 0.02112753503024578, 0.033177901059389114, 0.03255991265177727, 0.028435468673706055, -0.023477183654904366, 0.01676993817090988, 0.06555214524269104, 0.052775125950574875, -0.06726883351802826, 0.03756372258067131, -0.0654037669301033, 0.0011236869031563401, 0.02723207324743271, 0.06440530717372894, 0.036194220185279846, -0.012659972533583641, 0.03435496613383293, -0.0246139969676733, 0.08789676427841187, -0.007448906544595957, 0.08110227435827255, 0.004604442045092583, -0.08954669535160065, -0.05287956818938255, -0.04869648069143295, 0.008764384314417839, -0.0541619136929512, -0.010494553484022617, -0.028195194900035858, 0.09402807056903839, -0.02926560863852501, -0.03487396240234375, -0.0426160953938961, 0.07935431599617004, 0.054713863879442215, 0.03861558809876442, 0.0672183707356453, -6.796523877028449e-8, -0.049606263637542725, -0.08267786353826523, -0.010601842775940895, 0.013212338089942932, -0.0305313803255558, 0.03637075424194336, 0.026961009949445724, -0.1577470749616623, -0.01616748422384262, -0.05695291981101036, 0.038382455706596375, 0.01076654065400362, -0.06775648891925812, 0.03192131593823433, -0.03693176433444023, 0.00927047710865736, -0.09927773475646973, 0.08669423311948776, -0.011336158029735088, -0.06233375146985054, -0.0018374982755631208, 0.03982434421777725, 0.024553194642066956, -0.024011392146348953, -0.001776240416802466, 0.04658173769712448, -0.1114935353398323, -0.001377721200697124, 0.005671706050634384, 0.0003475150151643902, 0.044344715774059296, -0.06013418361544609, 0.030461566522717476, -0.05108369141817093, -0.006907729897648096, -0.0702231153845787, -0.030082954093813896, -0.029095569625496864, 0.017954595386981964, 0.020450547337532043, 0.050950128585100174, 0.013986501842737198, 0.07488618791103363, 0.045977041125297546, -0.03271254152059555, 0.004718448966741562, 0.036626651883125305, -0.012668482027947903, 0.03163152188062668, 0.04559904709458351, -0.022546937689185143, -0.07433643192052841, 0.008916734717786312, 0.033310145139694214, 0.06789107620716095, -0.011656965129077435, -0.007544676307588816, 0.060091886669397354, -0.021043255925178528, 0.06907794624567032, 0.04501620680093765, 0.055074695497751236, -0.0028588473796844482, 0.06140961870551109 ]
huggingtweets/rronigj
bfee78bd061fce8f33e65629f3e9459ef26dbd1c
2022-03-24T12:47:01.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/rronigj
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/rronigj/1648126016294/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/1251916496307175424/rFilH506_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">Rron Gjinovci</div> <div style="text-align: center; font-size: 14px;">@rronigj</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 Rron Gjinovci. | Data | Rron Gjinovci | | --- | --- | | Tweets downloaded | 173 | | Retweets | 45 | | Short tweets | 24 | | Tweets kept | 104 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/33ceg6s6/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 @rronigj's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/3nokbt1r) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/3nokbt1r/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/rronigj') 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.015267287380993366, 0.12409311532974243, -0.00813302956521511, 0.057132985442876816, 0.1686331331729889, -0.013784862123429775, -0.037026297301054, 0.021613936871290207, 0.0808705985546112, -0.060796450823545456, 0.00010842487245099619, 0.06516394019126892, 0.019220061600208282, -0.026148973032832146, -0.009384921751916409, 0.041839487850666046, -0.08185109496116638, -0.03531904146075249, -0.059747666120529175, 0.01998809166252613, -0.08698409050703049, -0.0898481085896492, 0.08264711499214172, -0.03306584805250168, -0.04030732810497284, 0.07059770077466965, -0.0037308847531676292, 0.05289766564965248, -0.007888684049248695, -0.016649285331368446, -0.047993727028369904, 0.028335271403193474, 0.05125339329242706, 0.032052844762802124, -0.03633809834718704, 0.024908795952796936, -0.021923048421740532, 0.0271290373057127, -0.05684562772512436, 0.006821766030043364, -0.011212899349629879, -0.10430373251438141, 0.05078773573040962, 0.049217745661735535, -0.024552715942263603, -0.022636791691184044, -0.01679014228284359, -0.011155710555613041, -0.06128908693790436, 0.030204467475414276, -0.06082860380411148, -0.05969063565135002, 0.0005442943074740469, 0.0008660088642500341, 0.007600830402225256, 0.0645192414522171, 0.025601327419281006, -0.04435153678059578, 0.08197057247161865, -0.03414434939622879, 0.10374867171049118, 0.09217212349176407, 0.08121760934591293, 0.0019744413439184427, 0.009589816443622112, -0.01892818510532379, -0.06242397427558899, 0.043431203812360764, -0.03130480274558067, -0.010461786761879921, 0.03139018639922142, 0.00041551527101546526, -0.021495258435606956, -0.04760727658867836, 0.06938692182302475, -0.039870671927928925, -0.01622375100851059, 0.02443733438849449, -0.01653485931456089, 0.061820562928915024, 0.03529727831482887, -0.06782635301351547, 0.0070648943074047565, -0.033808887004852295, 0.04947531968355179, 0.03293461352586746, 0.007320748176425695, -0.09942662715911865, -0.030853034928441048, 0.024001063778996468, -0.019198833033442497, -0.02540568821132183, -0.01573527418076992, 0.04019844904541969, -0.0551915280520916, 0.030070587992668152, -0.06182794272899628, -0.15216434001922607, -0.11846204847097397, 0.06618616729974747, 0.009743494912981987, -0.04938763752579689, 0.07126028090715408, 0.031849443912506104, 0.017220493406057358, -0.040438950061798096, -0.03170660510659218, 0.008058418519794941, -0.0034611590672284365, -0.013063792139291763, 0.03784190118312836, -0.04952869191765785, -0.10398813337087631, 0.025235474109649658, -0.02929052710533142, -0.09067267924547195, -0.010753977112472057, 0.03982355818152428, 0.08944699168205261, -0.021589891985058784, 0.056018613278865814, 0.13895539939403534, -0.027441902086138725, -0.09679178893566132, 0.0062406789511442184, 0.024006042629480362, -0.055152975022792816, 1.1066718749123289e-32, 0.0660417452454567, 0.005634785629808903, -0.053922347724437714, 0.0470711812376976, 0.11958315223455429, -0.0024814431089907885, -0.023072123527526855, -0.03601787984371185, -0.09045018255710602, -0.003942502662539482, 0.06276986747980118, 0.032457467168569565, 0.014207005500793457, 0.006906105671077967, 0.006519051268696785, -0.09291315078735352, -0.01825050637125969, -0.0001720988075248897, -0.02540707401931286, 0.023892266675829887, -0.11002868413925171, 0.046015046536922455, -0.037564512342214584, -0.06335627287626266, -0.05381838604807854, 0.021186282858252525, 0.07297469675540924, -0.04845334216952324, -0.009778907522559166, -0.00018913939129561186, -0.04585287347435951, -0.008259567432105541, 0.0596320740878582, -0.05541762337088585, 0.04977482929825783, 0.01173371635377407, 0.007661110255867243, -0.08768406510353088, -0.0033897003158926964, 0.04127173870801926, -0.03161204606294632, -0.04896065220236778, 0.05296541377902031, -0.03424513339996338, -0.05114589259028435, 0.08151247352361679, 0.13382980227470398, 0.023536549881100655, -0.03824073076248169, -0.04064348712563515, -0.030818521976470947, -0.009890537708997726, -0.04613260179758072, -0.11390824615955353, -0.01243117731064558, -0.08713788539171219, 0.012834475375711918, 0.011227828450500965, 0.04503406584262848, -0.03661409392952919, -0.002357561606913805, -0.05981343984603882, 0.03283189982175827, -0.08502345532178879, 0.029143638908863068, 0.038378939032554626, -0.09071216732263565, -0.03388029709458351, 0.04014330357313156, -0.04451924189925194, -0.028849666938185692, -0.00011589295900193974, 0.10555937141180038, -0.04005245119333267, -0.04329589754343033, 0.03626342490315437, -0.01890689507126808, -0.05238236114382744, -0.0362670011818409, 0.023721421137452126, -0.04260501638054848, 0.0014043751871213317, 0.02435101941227913, 0.0051466128788888454, -0.022569267079234123, -0.01126090344041586, -0.0190541110932827, -0.05551035329699516, 0.00960635021328926, 0.00900301057845354, -0.11498881131410599, -0.0009370764601044357, 0.04312063381075859, -0.08184785395860672, -0.08019790053367615, -1.1475368339927118e-32, 0.048697613179683685, 0.00907959695905447, -0.011066842824220657, 0.04892992973327637, 0.09441269189119339, 0.051368385553359985, 0.04883062466979027, 0.05838727951049805, 0.01800062321126461, 0.0043895966373384, 0.05899910256266594, -0.035868607461452484, -0.08770831674337387, -0.04044133052229881, 0.02345832623541355, 0.02770732156932354, 0.07122962176799774, -0.026862313970923424, -0.038050759583711624, 0.043806638568639755, 0.019405433908104897, 0.039594314992427826, -0.020419936627149582, 0.09225675463676453, -0.06894142180681229, -0.009748488664627075, 0.08246903866529465, -0.007383384276181459, -0.01315180491656065, 0.010613770224153996, -0.05363183096051216, -0.09433882683515549, -0.020789852365851402, 0.06082267686724663, 0.04827181622385979, 0.009188087657094002, -0.06528837233781815, -0.04872804507613182, -0.034969836473464966, -0.04418403282761574, 0.022784961387515068, -0.08863620460033417, -0.07319282740354538, -0.008291373029351234, 0.03486206382513046, -0.038241203874349594, 0.029849141836166382, -0.010958973318338394, 0.007063205819576979, 0.05074623227119446, 0.03606487810611725, 0.049538567662239075, -0.025410961359739304, -0.017646893858909607, -0.02938820607960224, -0.08101870119571686, -0.04443080723285675, 0.030344922095537186, 0.015277622267603874, 0.02852378599345684, 0.027802104130387306, 0.025816120207309723, -0.01804455928504467, 0.014847804792225361, 0.06563785672187805, 0.04545266553759575, -0.0731794685125351, 0.0417809933423996, -0.06041610613465309, -0.000756898254621774, 0.02585294470191002, 0.06172699108719826, 0.04446355625987053, -0.008336869068443775, 0.03801213577389717, -0.020305635407567024, 0.08888343721628189, -0.00424552708864212, 0.07756999880075455, 0.004928048700094223, -0.0809788778424263, -0.05062948167324066, -0.036622337996959686, -0.002639486687257886, -0.05343751236796379, -0.0036280613858252764, -0.02553471550345421, 0.09500216692686081, -0.027458669617772102, -0.03936154395341873, -0.03903483971953392, 0.07895704358816147, 0.05743447691202164, 0.0325489342212677, 0.06921886652708054, -6.717896638974707e-8, -0.056107476353645325, -0.0873650386929512, -0.016055746003985405, 0.014448966830968857, -0.041696030646562576, 0.03745133802294731, 0.032528769224882126, -0.15373851358890533, -0.014689032919704914, -0.04839172214269638, 0.044479381293058395, 0.016693320125341415, -0.0679749995470047, 0.027076201513409615, -0.03672513738274574, 0.013973587192595005, -0.10826320201158524, 0.07238151878118515, -0.009869519621133804, -0.05609771981835365, -0.0016321417642757297, 0.034815944731235504, 0.021253222599625587, -0.01478227786719799, 0.0032837195321917534, 0.05163491889834404, -0.12068527936935425, 0.004364650696516037, 0.004524561110883951, 0.0032765427604317665, 0.047725554555654526, -0.061364442110061646, 0.031777575612068176, -0.05457434803247452, -0.007810335140675306, -0.06592046469449997, -0.029829388484358788, -0.03668566793203354, 0.029213298112154007, 0.030407674610614777, 0.04216824844479561, 0.020077379420399666, 0.0650431290268898, 0.04660987854003906, -0.02107885666191578, 0.008121856488287449, 0.047943342477083206, -0.019709313288331032, 0.03237471356987953, 0.04379405453801155, -0.024641940370202065, -0.07502654194831848, 0.005662884097546339, 0.0318332202732563, 0.07567541301250458, -0.01630682684481144, 0.0005325298989191651, 0.06605701148509979, -0.027711089700460434, 0.07548278570175171, 0.05314677208662033, 0.0477544330060482, -0.007523263804614544, 0.06426327675580978 ]
negfir/bert_uncased_L-10_H-768_A-12
2ca221427dbe1605765307e3fb44eebf9d1fe247
2022-04-05T23:33:07.000Z
[ "pytorch", "bert", "fill-mask", "transformers", "autotrain_compatible" ]
fill-mask
false
negfir
null
negfir/bert_uncased_L-10_H-768_A-12
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/untiltrees
345f74628fdda66d019e784199b235edb8db07f8
2022-03-24T16:08:51.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/untiltrees
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/untiltrees/1648138126631/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/1350186722596974593/lANAV_Xj_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">Dancing Box</div> <div style="text-align: center; font-size: 14px;">@untiltrees</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 Dancing Box. | Data | Dancing Box | | --- | --- | | Tweets downloaded | 994 | | Retweets | 41 | | Short tweets | 91 | | Tweets kept | 862 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/36kia24g/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 @untiltrees's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/8md8jogv) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/8md8jogv/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/untiltrees') 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.007606138940900564, 0.1194930300116539, -0.016466403380036354, 0.05519101768732071, 0.1709500104188919, -0.014175874181091785, -0.038708753883838654, 0.02730432152748108, 0.07433832436800003, -0.05676911026239395, -0.0010091593721881509, 0.07099487632513046, 0.024839643388986588, -0.031086666509509087, -0.006973124109208584, 0.042332205921411514, -0.08869064599275589, -0.03035367652773857, -0.06669420003890991, 0.01162155531346798, -0.08556446433067322, -0.09733542799949646, 0.08089853823184967, -0.045051395893096924, -0.04737277701497078, 0.0779939517378807, -0.0009147614473477006, 0.0605284757912159, 0.0002142289449693635, -0.01800459809601307, -0.04056748002767563, 0.032959554344415665, 0.04815559834241867, 0.03280336782336235, -0.0334746353328228, 0.02746483124792576, -0.025918379426002502, 0.0240868479013443, -0.05532892420887947, 0.007746065966784954, -0.009856709279119968, -0.10065622627735138, 0.05040712282061577, 0.03859933838248253, -0.03199766203761101, -0.03504974767565727, -0.014000589959323406, -0.011053372174501419, -0.055811695754528046, 0.027014203369617462, -0.052695002406835556, -0.05836324766278267, -0.0021067997440695763, -0.002423310186713934, 0.014238795265555382, 0.06360899657011032, 0.028104236349463463, -0.04522429406642914, 0.08151896297931671, -0.025955045595765114, 0.09953507781028748, 0.08799447864294052, 0.0868653953075409, -0.00019597595382947475, 0.0008412720053456724, -0.014215733855962753, -0.07044757157564163, 0.03949835151433945, -0.03307376801967621, -0.014192982576787472, 0.02725105918943882, -0.0010267860488966107, -0.021049894392490387, -0.045590151101350784, 0.0633544996380806, -0.04350963607430458, -0.019538624212145805, 0.026103215292096138, -0.01733539253473282, 0.05686868727207184, 0.041274309158325195, -0.063630111515522, 0.011276866309344769, -0.03385408595204353, 0.05822775140404701, 0.03449946641921997, 0.0047217668034136295, -0.10486225038766861, -0.029170354828238487, 0.022433150559663773, -0.022239012643694878, -0.024866504594683647, -0.0033809964079409838, 0.04749410226941109, -0.04525505378842354, 0.03173486888408661, -0.05482594296336174, -0.15699970722198486, -0.11204544454813004, 0.06616386026144028, -0.001863109297119081, -0.05425863340497017, 0.06675019860267639, 0.02780766412615776, 0.016560090705752373, -0.03371847793459892, -0.027049217373132706, 0.014442721381783485, -0.01171486359089613, -0.015869928523898125, 0.040210653096437454, -0.050304874777793884, -0.10297141969203949, 0.02251517027616501, -0.030319277197122574, -0.09923901408910751, -0.005888303741812706, 0.04099051654338837, 0.09202131628990173, -0.02270650491118431, 0.0552973672747612, 0.15093477070331573, -0.03419557958841324, -0.09680154174566269, 0.00733132055029273, 0.027991928160190582, -0.05458543822169304, 1.1057583688649461e-32, 0.057783208787441254, 0.0060846274718642235, -0.06369723379611969, 0.04640709608793259, 0.12106812745332718, -0.007222314830869436, -0.010919533669948578, -0.03153403475880623, -0.08946650475263596, 0.0013286727480590343, 0.07514645904302597, 0.025056637823581696, 0.0034646126441657543, 0.009459619410336018, 0.007643207907676697, -0.09173371642827988, -0.00958747323602438, -0.009572558104991913, -0.0222330242395401, 0.021120816469192505, -0.11082806438207626, 0.042749546468257904, -0.03892539441585541, -0.06841336935758591, -0.05162270739674568, 0.017742469906806946, 0.0730455294251442, -0.054352495819330215, -0.0022838108707219362, -0.0026252190582454205, -0.04146678000688553, -0.011993692256510258, 0.06391531229019165, -0.04883021488785744, 0.04039158672094345, 0.013290898874402046, 0.002306004986166954, -0.07913301885128021, -0.010245401412248611, 0.04649902135133743, -0.0400150902569294, -0.050347961485385895, 0.051461733877658844, -0.036139439791440964, -0.051893506199121475, 0.08161691576242447, 0.1343574970960617, 0.02813066728413105, -0.039332546293735504, -0.04137459769845009, -0.030663475394248962, -0.0010143541730940342, -0.047979503870010376, -0.10526229441165924, -0.008943366818130016, -0.08830425888299942, 0.005289111752063036, 0.011957813985645771, 0.04445705935359001, -0.03475030139088631, -0.003512538969516754, -0.06050639599561691, 0.027689199894666672, -0.08061423152685165, 0.03362178057432175, 0.040090836584568024, -0.08207860589027405, -0.03692559152841568, 0.043196339160203934, -0.04296164959669113, -0.03132841736078262, -0.00407576747238636, 0.10298772901296616, -0.04436207935214043, -0.03868730738759041, 0.03952902555465698, -0.027721872553229332, -0.05332772061228752, -0.037033189088106155, 0.02510104328393936, -0.05233825743198395, 0.007845466956496239, 0.028233801946043968, 0.005150892771780491, -0.024938231334090233, -0.004947627894580364, -0.013110735453665257, -0.05159212276339531, 0.016281738877296448, -0.005917131435126066, -0.10230664908885956, -0.014299865812063217, 0.04653004929423332, -0.08192682266235352, -0.07385499775409698, -1.1486717003200338e-32, 0.0526251383125782, 0.011247861199080944, -0.017319750040769577, 0.05694654956459999, 0.09922793507575989, 0.04622700437903404, 0.052096087485551834, 0.04497090354561806, 0.009409616701304913, 0.003778778947889805, 0.050656575709581375, -0.023716218769550323, -0.0938456803560257, -0.04281662032008171, 0.02158285304903984, 0.021981220692396164, 0.06441953033208847, -0.020494036376476288, -0.03396160528063774, 0.035267990082502365, 0.014504062943160534, 0.037234146147966385, -0.013827758841216564, 0.09449928253889084, -0.06476153433322906, -0.00945685338228941, 0.08410635590553284, -0.009695653803646564, -0.009768646210432053, 0.01404490601271391, -0.05616108700633049, -0.08966334164142609, -0.016416870057582855, 0.057716481387615204, 0.05498553067445755, -0.0017099917167797685, -0.0697719156742096, -0.04936879128217697, -0.03592171147465706, -0.04394065588712692, 0.01461083348840475, -0.0908251479268074, -0.06342794001102448, -0.007382091600447893, 0.025049705058336258, -0.040022965520620346, 0.03782844543457031, -0.015644412487745285, 0.010474997572600842, 0.0588831901550293, 0.03316805884242058, 0.04813200607895851, -0.025017116218805313, -0.01841048151254654, -0.024489503353834152, -0.08483774214982986, -0.05082239955663681, 0.0343259796500206, 0.011267222464084625, 0.030662288889288902, 0.0310860276222229, 0.025049587711691856, -0.01832924410700798, 0.018610242754220963, 0.06490407884120941, 0.04668692126870155, -0.08529330044984818, 0.03426486998796463, -0.06555470824241638, 0.0071716527454555035, 0.031145434826612473, 0.06618397682905197, 0.03605014458298683, -0.0020624890457838774, 0.03439528867602348, -0.018107062205672264, 0.08995958417654037, 0.001118748332373798, 0.07900657504796982, 0.010022607631981373, -0.08922254294157028, -0.05392683297395706, -0.04789330065250397, 0.005640367511659861, -0.059219591319561005, -0.012014954350888729, -0.027608443051576614, 0.09152330458164215, -0.02357427589595318, -0.04691527783870697, -0.03615223988890648, 0.07663028687238693, 0.05513444170355797, 0.033467989414930344, 0.07460340857505798, -6.71595401513514e-8, -0.05855313315987587, -0.08768338710069656, -0.016147037968039513, 0.0141604570671916, -0.03642720356583595, 0.031528983265161514, 0.0326644666492939, -0.1497831791639328, -0.016970044001936913, -0.0531645342707634, 0.04480321332812309, 0.017482412979006767, -0.06653643399477005, 0.02324862591922283, -0.036837074905633926, 0.018730403855443, -0.09684740751981735, 0.07288335263729095, -0.00385643751360476, -0.06377510726451874, -0.00958174653351307, 0.03404301777482033, 0.013847989961504936, -0.015432418324053288, -0.004194652661681175, 0.04878489300608635, -0.11520616710186005, 0.002637704834342003, 0.013780477456748486, 0.006475066300481558, 0.04753793403506279, -0.06163948401808739, 0.0340365506708622, -0.05398100987076759, -0.006191365420818329, -0.06425060331821442, -0.02504296787083149, -0.032825078815221786, 0.015931792557239532, 0.028330421075224876, 0.047917433083057404, 0.012969831936061382, 0.07666252553462982, 0.04461280256509781, -0.02417103201150894, 0.0040267701260745525, 0.04320593550801277, -0.011953177861869335, 0.03665268048644066, 0.04189097881317139, -0.020906077697873116, -0.07593249529600143, 0.0016908240504562855, 0.03366255760192871, 0.0742085874080658, -0.016270237043499947, -0.0006721346289850771, 0.06647632271051407, -0.029115738347172737, 0.07494974881410599, 0.04130062088370323, 0.06030317023396492, 0.00316642876714468, 0.056809570640325546 ]
huggingtweets/janieclone-wretched_worm
40a44774f610da6c3bfd701071a75ebc0b018a8e
2022-03-24T16:50:55.000Z
[ "pytorch", "gpt2", "text-generation", "en", "transformers", "huggingtweets" ]
text-generation
false
huggingtweets
null
huggingtweets/janieclone-wretched_worm
0
null
transformers
--- language: en thumbnail: http://www.huggingtweets.com/janieclone-wretched_worm/1648140650284/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/1478043369578266624/vWL3TXE0_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/1504460028270501895/uqbdF11C_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">wretched worm & Columbine Janie</div> <div style="text-align: center; font-size: 14px;">@janieclone-wretched_worm</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 wretched worm & Columbine Janie. | Data | wretched worm | Columbine Janie | | --- | --- | --- | | Tweets downloaded | 3226 | 544 | | Retweets | 313 | 197 | | Short tweets | 572 | 60 | | Tweets kept | 2341 | 287 | [Explore the data](https://wandb.ai/wandb/huggingtweets/runs/3jmx6vuf/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 @janieclone-wretched_worm's tweets. Hyperparameters and metrics are recorded in the [W&B training run](https://wandb.ai/wandb/huggingtweets/runs/kpqts6sn) for full transparency and reproducibility. At the end of training, [the final model](https://wandb.ai/wandb/huggingtweets/runs/kpqts6sn/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/janieclone-wretched_worm') 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.017038093879818916, 0.12476669251918793, 0.005131976213306189, 0.043943025171756744, 0.17255949974060059, -0.009275637567043304, -0.04166027531027794, 0.04335600882768631, 0.07432770729064941, -0.0503917820751667, 0.002203160198405385, 0.07874132692813873, 0.017530886456370354, -0.032603807747364044, -0.016659952700138092, 0.04123201221227646, -0.08493328839540482, -0.03729607164859772, -0.06140922009944916, 0.021983718499541283, -0.08864335715770721, -0.09166722744703293, 0.07988043129444122, -0.05940386280417442, -0.04088738188147545, 0.06717971712350845, -0.008596247993409634, 0.06015957519412041, -0.010603275150060654, -0.026582341641187668, -0.03781600296497345, 0.02185997925698757, 0.04970037564635277, 0.03885068744421005, -0.027572428807616234, 0.03904133662581444, -0.019860999658703804, 0.005596327129751444, -0.05441097542643547, 0.027139844372868538, -0.00865399744361639, -0.11316376179456711, 0.061166390776634216, 0.04331300035119057, -0.03296888247132301, -0.028062853962183, -0.0070641981437802315, -0.010363901033997536, -0.04114049673080444, 0.03137429058551788, -0.0637512058019638, -0.039711713790893555, 0.014037324115633965, -0.001799826161004603, 0.007110922131687403, 0.06692124158143997, 0.03168438374996185, -0.05571490153670311, 0.0706901103258133, -0.019431477412581444, 0.11244191229343414, 0.09313779324293137, 0.08067900687456131, 0.00008226343925343826, 0.0007814880227670074, -0.017801247537136078, -0.06324925273656845, 0.04709934443235397, -0.03338770568370819, -0.0026280684396624565, 0.02224254421889782, 0.006948632653802633, -0.02556329406797886, -0.03126594424247742, 0.05167463794350624, -0.0556655190885067, -0.016918528825044632, 0.01743992418050766, -0.016663379967212677, 0.05217735096812248, 0.04232318326830864, -0.056344177573919296, 0.012554357759654522, -0.03938944637775421, 0.07053396105766296, 0.019866423681378365, -0.003926561214029789, -0.09794992208480835, -0.029514705762267113, 0.025393027812242508, -0.013126259669661522, -0.027608424425125122, 0.007857599295675755, 0.047174591571092606, -0.04134790599346161, 0.02744096703827381, -0.053380679339170456, -0.15457147359848022, -0.12493834644556046, 0.07089333981275558, 0.004629791714251041, -0.049822401255369186, 0.06861473619937897, 0.026275768876075745, 0.01700413040816784, -0.028483767062425613, -0.039637889713048935, 0.030564123764634132, -0.006944703403860331, -0.021687230095267296, 0.04579510539770126, -0.04095869138836861, -0.10565128922462463, 0.014079383574426174, -0.026156648993492126, -0.10777650773525238, -0.019178347662091255, 0.025198794901371002, 0.09647803753614426, -0.02992808073759079, 0.059535130858421326, 0.15533587336540222, -0.03872853145003319, -0.09347573667764664, 0.011041050776839256, 0.03192036971449852, -0.04225385934114456, 1.1605933436208826e-32, 0.04969582334160805, 0.005584603641182184, -0.05223364010453224, 0.0500175841152668, 0.10895267128944397, 0.005314480047672987, -0.022398436442017555, -0.02594209648668766, -0.10498365014791489, -0.009071150794625282, 0.07503977417945862, 0.016645673662424088, 0.000594196084421128, 0.018880652263760567, 0.002484913682565093, -0.09416159242391586, -0.02915853075683117, -0.0033885808661580086, -0.016144342720508575, 0.021966207772493362, -0.1144973561167717, 0.042416203767061234, -0.03221161663532257, -0.06798936426639557, -0.06034662202000618, 0.010109531693160534, 0.0860961303114891, -0.04126996919512749, -0.004114843904972076, 0.0005861392710357904, -0.05335566774010658, -0.012090169824659824, 0.07135894149541855, -0.06111348420381546, 0.03923349827528, 0.0095960209146142, 0.017130693420767784, -0.08462965488433838, 0.0030154166743159294, 0.04247669503092766, -0.03688706085085869, -0.050709523260593414, 0.055273059755563736, -0.0446740947663784, -0.05245395377278328, 0.08628248423337936, 0.12476243078708649, 0.029306622222065926, -0.016203848645091057, -0.037435341626405716, -0.03409044072031975, -0.015142099000513554, -0.03975009545683861, -0.09499795734882355, -0.005363305099308491, -0.0842919573187828, -0.004721655510365963, 0.028105877339839935, 0.03801308199763298, -0.032730743288993835, 0.00194518081843853, -0.06312444061040878, 0.03142256289720535, -0.07766623795032501, 0.03857051581144333, 0.03639066964387894, -0.07370684295892715, -0.023945380002260208, 0.048203855752944946, -0.021993307396769524, -0.03667446970939636, -0.0046602338552474976, 0.0974869579076767, -0.042109813541173935, -0.04278266429901123, 0.038278836756944656, -0.023520510643720627, -0.0511099174618721, -0.03461810201406479, 0.025700092315673828, -0.05489379167556763, -0.006104381754994392, 0.03183745592832565, -0.0008356060716323555, -0.044717639684677124, -0.007351080887019634, -0.011822151020169258, -0.05467648804187775, 0.02414732798933983, 0.0019324126187711954, -0.10025016218423843, -0.012427976354956627, 0.029828747734427452, -0.08353133499622345, -0.0796423852443695, -1.1885046488287917e-32, 0.055133525282144547, 0.014759768731892109, -0.015326377935707569, 0.04206636920571327, 0.0916871652007103, 0.05365104600787163, 0.045812204480171204, 0.05211488530039787, 0.009601792320609093, 0.0006070820381864905, 0.053585439920425415, -0.020442454144358635, -0.0896366611123085, -0.04768940061330795, 0.0033845806028693914, 0.016914620995521545, 0.07028155028820038, -0.03659584000706673, -0.024631932377815247, 0.013108979910612106, 0.014682362787425518, 0.03519392013549805, -0.007341261021792889, 0.09505746513605118, -0.059506531804800034, -0.01050961297005415, 0.08417652547359467, 0.005092689301818609, -0.006321872118860483, 0.014594136737287045, -0.039020076394081116, -0.08031436800956726, -0.016885653138160706, 0.06575970351696014, 0.06492416560649872, 0.002454598667100072, -0.06426028907299042, -0.04997118189930916, -0.025925906375050545, -0.04358567297458649, 0.017218496650457382, -0.09799804538488388, -0.06516652554273605, -0.013009574264287949, 0.032069604843854904, -0.0454520508646965, 0.023589231073856354, -0.0264448169618845, 0.013355919159948826, 0.0518379732966423, 0.032422952353954315, 0.044138193130493164, -0.021146848797798157, -0.0233612023293972, -0.0332341343164444, -0.09913741052150726, -0.05034160986542702, 0.023953180760145187, 0.00922921858727932, 0.02285940945148468, 0.019935982301831245, 0.028724972158670425, -0.02107418328523636, 0.011540318839251995, 0.0663348063826561, 0.031648412346839905, -0.0770837590098381, 0.03928254917263985, -0.06627169251441956, 0.01083148643374443, 0.024383440613746643, 0.06639383733272552, 0.03999009728431702, -0.01143489871174097, 0.04053794592618942, -0.016736352816224098, 0.08998788893222809, 0.019312353804707527, 0.08140965551137924, 0.006924847140908241, -0.07695338129997253, -0.06634773313999176, -0.03685571625828743, -0.007975917309522629, -0.06677328795194626, -0.01216845866292715, -0.020439928397536278, 0.10123253613710403, -0.029996685683727264, -0.04390692710876465, -0.035564251244068146, 0.0704549103975296, 0.05080258101224899, 0.02928113006055355, 0.06443219631910324, -6.761761284224121e-8, -0.04734397679567337, -0.08018070459365845, -0.016442956402897835, 0.0021781036630272865, -0.04578503221273422, 0.032021064311265945, 0.04558433219790459, -0.1501590609550476, -0.02180553786456585, -0.046452682465314865, 0.03598520904779434, 0.025787532329559326, -0.0635668933391571, 0.025891827419400215, -0.03380538895726204, 0.016549719497561455, -0.1190011277794838, 0.07618513703346252, -0.0003547923406586051, -0.07062604278326035, 0.006882400251924992, 0.03132439777255058, 0.014913463965058327, -0.019958799704909325, -0.006438625510782003, 0.06688453257083893, -0.10892514884471893, 0.008598136715590954, 0.00843916367739439, 0.010419288650155067, 0.042320460081100464, -0.06382792443037033, 0.02864098735153675, -0.05962753668427467, -0.001593204215168953, -0.06408898532390594, -0.02671080082654953, -0.03647715598344803, 0.02806808054447174, 0.019790608435869217, 0.02612965926527977, 0.01975473016500473, 0.07489781826734543, 0.048338234424591064, -0.028038792312145233, 0.0038109468296170235, 0.0407404862344265, 0.009355157613754272, 0.03833884000778198, 0.025673964992165565, -0.023078449070453644, -0.08149764686822891, 0.003377762623131275, 0.02428642101585865, 0.061150189489126205, 0.0029794895090162754, -0.009843739680945873, 0.06379524618387222, -0.00706903450191021, 0.06968825310468674, 0.04012059420347214, 0.05915703624486923, -0.0023859047796577215, 0.0665288120508194 ]
pere/tt5-base
a63a43f839e6e4449541329ec960e1bc819119e9
2022-03-24T20:53:03.000Z
[ "pytorch", "t5", "text2text-generation", "transformers", "autotrain_compatible" ]
text2text-generation
false
pere
null
pere/tt5-base
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 ]
pere/tt5-3B
544a050ba01cb72bfb70efb3b5dc05811ad9ab27
2022-03-24T20:55:28.000Z
[ "pytorch", "t5", "text2text-generation", "transformers", "autotrain_compatible" ]
text2text-generation
false
pere
null
pere/tt5-3B
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 ]
vumichien/albert-base-v2
30da5ca6ce61f6ddc66e33b979ed5935bbe7cda0
2022-03-25T00:30:34.000Z
[ "pytorch", "albert", "token-classification", "transformers", "autotrain_compatible" ]
token-classification
false
vumichien
null
vumichien/albert-base-v2
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 ]
Jezia/pytorch-pretrained-BigGAN
d2036299cae6f42dec12156892e38480d62af49b
2022-03-25T10:53:53.000Z
[ "dataset:ImageNet", "pytorch", "biggan", "license:apache-2.0" ]
null
false
Jezia
null
Jezia/pytorch-pretrained-BigGAN
0
null
pytorch
--- license: apache-2.0 library_name: pytorch tags: - biggan datasets: - ImageNet --- ## Model description This is an op-for-op PyTorch reimplementation of DeepMind's BigGAN model with the pre-trained weights from DeepMind [biggan-deep-128](https://tfhub.dev/deepmind/biggan-deep-128/1). ## Training and evaluation data Model is trained on [ImageNet dataset](https://tfhub.dev/s?dataset=imagenet-ilsvrc-2012-cls). The dataset consists of 10000 classes. All images are resized to 64 * 64 for the sake of convenience. The model takes noise as input and then Conv2DTranspose is used to do upsampling. The output shape consists of 128, 256, or 512 images depending on the model. ## How to use this model You can use this model to generate new images. ``` import torch from pytorch_pretrained_biggan import (BigGAN, one_hot_from_names, truncated_noise_sample, save_as_images, display_in_terminal) model = BigGAN.from_pretrained('biggan-deep-256') ``` You can generate examples using a noise vector. ``` with torch.no_grad(): output = model(noise_vector, class_vector, truncation) ``` ## Intended use and biases This model is not intended for production. ### Generated images ![Example](./example.png) ### Credits @thomwolf Thomas Wolf @vfdev-5 vfdev
[ -0.08680979907512665, -0.07388535887002945, 0.028903940692543983, 0.013190969824790955, 0.04926261678338051, -0.0798720046877861, -0.04772759601473808, 0.017726359888911247, -0.0426839143037796, -0.04233802482485771, -0.0039974115788936615, -0.011873658746480942, -0.04770094156265259, -0.05898596718907356, -0.07500425726175308, 0.06721750646829605, 0.02888019010424614, 0.03378397598862648, -0.1271955817937851, -0.049141816794872284, 0.07128783315420151, 0.002077481709420681, 0.04800068959593773, -0.042667459696531296, 0.02745925821363926, -0.028292585164308548, -0.02523055300116539, 0.020611796528100967, 0.0719272792339325, -0.01241321675479412, 0.08642840385437012, 0.009732318110764027, -0.008027607575058937, 0.05637773498892784, -0.014346086420118809, 0.08268272876739502, -0.09398604184389114, 0.009617476724088192, 0.037911850959062576, 0.006356463301926851, 0.03013315238058567, 0.010383234359323978, -0.004454581532627344, -0.019443094730377197, 0.022566769272089005, 0.008193014189600945, -0.006363848224282265, -0.037473343312740326, -0.0017647407948970795, -0.09930210560560226, 0.010821765288710594, -0.0035861534997820854, -0.059382107108831406, 0.08038334548473358, 0.05050981789827347, -0.017398828640580177, -0.025041613727808, -0.023115083575248718, -0.027979562059044838, -0.0023489920422434807, -0.0016697798855602741, 0.0160641148686409, -0.007965785451233387, -0.013327845372259617, -0.06047024205327034, -0.027767905965447426, 0.052478402853012085, -0.042726218700408936, 0.0942874476313591, -0.08722686767578125, -0.0024127147626131773, 0.09719521552324295, -0.008035543374717236, 0.06873728334903717, 0.03079347126185894, -0.03935069590806961, 0.07255513221025467, 0.07842609286308289, 0.07419648766517639, -0.12446337193250656, 0.06384754925966263, -0.032546382397413254, 0.07982496172189713, -0.0397842638194561, 0.04014027118682861, -0.029740964993834496, -0.033018920570611954, 0.1090555414557457, -0.012877839617431164, 0.004946315195411444, -0.072068952023983, 0.017741799354553223, -0.12240572273731232, 0.10563234984874725, 0.01790919527411461, 0.029566267505288124, 0.0030402629636228085, -0.025700638070702553, -0.038242436945438385, 0.09380088746547699, 0.036375246942043304, 0.009151598438620567, 0.03632640093564987, 0.014410281553864479, 0.019318992272019386, -0.055862799286842346, 0.09377847611904144, 0.11449890583753586, 0.04934448003768921, -0.020016459748148918, 0.09252813458442688, -0.008276257663965225, 0.006543824914842844, -0.025705451145768166, 0.07921671867370605, -0.01524364948272705, -0.043309103697538376, 0.07540363818407059, -0.05464785546064377, 0.005795307923108339, -0.0573929026722908, 0.07096369564533234, -0.09725315868854523, -0.020714400336146355, -0.047923289239406586, -0.04796534404158592, -0.09515777230262756, 5.7522290758450615e-33, -0.007576214615255594, -0.00715098949149251, 0.020676497370004654, -0.007739591877907515, 0.045306164771318436, 0.0146768344566226, -0.017352649942040443, -0.010423518717288971, -0.07557331025600433, 0.024636004120111465, -0.06775166094303131, -0.11322493851184845, -0.083377905189991, 0.11815371364355087, -0.003367932979017496, -0.06984242051839828, -0.011904324404895306, 0.01663222722709179, 0.08136022090911865, 0.005250928923487663, 0.03172288462519646, -0.008258890360593796, -0.056631479412317276, 0.017054103314876556, -0.05181533470749855, 0.039605122059583664, 0.027459653094410896, 0.0010200098622590303, -0.012875445187091827, 0.020211832597851753, -0.07870308309793472, 0.004297994077205658, 0.010322450660169125, -0.010027913376688957, -0.044669199734926224, -0.07453177869319916, 0.002711291192099452, 0.03421635925769806, -0.05827499181032181, -0.0736088752746582, 0.02970619685947895, 0.11742439866065979, -0.04896198958158493, -0.022015023976564407, -0.04135727137327194, -0.015212422236800194, -0.00454928120598197, 0.1021859422326088, -0.014143973588943481, 0.08860801160335541, -0.0007493805605918169, -0.039427757263183594, 0.004836151376366615, 0.008849079720675945, -0.07383511960506439, -0.0013002536725252867, 0.10017301887273788, 0.04084671661257744, 0.10940803587436676, -0.012140684761106968, 0.03189346566796303, 0.011072586290538311, -0.008623420260846615, 0.049942485988140106, -0.0030935476534068584, 0.026769224554300308, -0.012784701772034168, -0.020101366564631462, -0.045603226870298386, 0.05543121322989464, -0.0486314482986927, 0.041507888585329056, -0.007482846733182669, -0.024004744365811348, 0.01071797963231802, -0.04085816442966461, -0.028083987534046173, -0.004684386774897575, -0.07860911637544632, 0.06903818994760513, -0.051120247691869736, 0.08771153539419174, 0.03405848145484924, -0.0693286806344986, -0.08916787058115005, 0.04590623825788498, -0.010941763408482075, -0.04565747454762459, 0.02400934509932995, -0.00001675412022450473, -0.028867442160844803, -0.03925960138440132, 0.02186264842748642, -0.06357231736183167, -0.029530029743909836, -5.057342569854174e-33, 0.022800644859671593, 0.12932878732681274, -0.09586808830499649, 0.05281396955251694, 0.014227738603949547, 0.02575823850929737, -0.008322463370859623, 0.05205964669585228, -0.03668922185897827, -0.07196404784917831, 0.03492356836795807, -0.027853844687342644, -0.010541063733398914, -0.08703886717557907, 0.037038180977106094, -0.09746033698320389, -0.03678334504365921, -0.003789972746744752, -0.0021220319904386997, 0.030885325744748116, -0.0016730588395148516, 0.10662885010242462, -0.034298498183488846, 0.06923927366733551, -0.04707329720258713, 0.02718597836792469, 0.013152027502655983, 0.07319555431604385, 0.014710967428982258, -0.01631724275648594, 0.005437768995761871, -0.07459548860788345, -0.031454768031835556, 0.033897846937179565, -0.05521661788225174, 0.013006952591240406, 0.10905884951353073, -0.05075123906135559, -0.05975751206278801, 0.08692198246717453, 0.11169631034135818, 0.037132762372493744, -0.0684656873345375, 0.04659196361899376, -0.09551245719194412, 0.0025232788175344467, -0.011248933151364326, 0.019529452547430992, 0.04678758978843689, 0.021801434457302094, -0.0012342303525656462, -0.016553344205021858, -0.07187123596668243, 0.01526709459722042, 0.028043977916240692, -0.04047999531030655, 0.0018063815077766776, 0.022106830030679703, 0.028905604034662247, -0.018585307523608208, -0.10130416601896286, -0.1240214928984642, -0.08325041830539703, 0.021011505275964737, -0.02324366383254528, 0.034603118896484375, -0.06681028008460999, 0.042273931205272675, 0.009835263714194298, 0.03876751661300659, -0.030161049216985703, -0.033379167318344116, 0.0383024625480175, 0.05311620235443115, -0.011503647081553936, -0.05057034641504288, 0.008643138222396374, -0.0009940556483343244, 0.06967112421989441, -0.03817848488688469, -0.028545882552862167, -0.06179802119731903, 0.04301152750849724, 0.0620974563062191, 0.07708977907896042, 0.007509574294090271, 0.03932861238718033, 0.05920739099383354, -0.03980874642729759, 0.013057796284556389, -0.017622632905840874, 0.05609804019331932, 0.06227438896894455, 0.049970559775829315, 0.06780014932155609, -5.3347449124885316e-8, -0.02377978153526783, 0.05100426450371742, -0.026465045288205147, 0.04199172556400299, 0.010512322187423706, -0.08837365359067917, 0.01705576479434967, 0.1354496330022812, 0.02722247503697872, 0.01666286215186119, 0.036416877061128616, 0.002679774770513177, -0.06846347451210022, -0.0005285997758619487, -0.0033361681271344423, 0.056288134306669235, -0.0163310207426548, 0.03158426284790039, 0.007817639037966728, -0.03515799716114998, -0.055820174515247345, -0.06943908333778381, -0.06037263572216034, -0.07241605967283249, 0.06388361006975174, -0.07623674720525742, -0.0384904220700264, 0.057556699961423874, -0.057932235300540924, -0.03075605444610119, -0.021391987800598145, 0.009841901250183582, -0.020033778622746468, -0.03703165799379349, 0.05272708460688591, 0.05715448781847954, -0.0966271236538887, 0.006205644458532333, 0.023031899705529213, -0.024558713659644127, -0.035040151327848434, -0.0003329419414512813, 0.0180941354483366, -0.04748552292585373, 0.006571928970515728, -0.013018620200455189, 0.02617567591369152, -0.02969697304069996, -0.003524384694173932, 0.10155091434717178, 0.037753310054540634, 0.05590982735157013, 0.02387424372136593, 0.007112444378435612, 0.027853399515151978, -0.023327406495809555, -0.016453426331281662, 0.014140275306999683, 0.039411406964063644, 0.03877006843686104, 0.027810467407107353, 0.02538326010107994, -0.03449239209294319, -0.06049107387661934 ]
scasutt/wav2vec2-base_toy_train_data_augment_0.1.csv
c6dfdd82117b962619af359e515c6a8395f34813
2022-03-25T11:45:10.000Z
[ "pytorch", "wav2vec2", "automatic-speech-recognition", "transformers", "generated_from_trainer", "license:apache-2.0", "model-index" ]
automatic-speech-recognition
false
scasutt
null
scasutt/wav2vec2-base_toy_train_data_augment_0.1.csv
0
null
transformers
--- license: apache-2.0 tags: - generated_from_trainer model-index: - name: wav2vec2-base_toy_train_data_augment_0.1.csv 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. --> # wav2vec2-base_toy_train_data_augment_0.1.csv This model is a fine-tuned version of [facebook/wav2vec2-base](https://huggingface.co/facebook/wav2vec2-base) on the None dataset. It achieves the following results on the evaluation set: - Loss: 2.3933 - Wer: 0.9997 ## 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.0001 - 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: 1000 - num_epochs: 4 ### Training results | Training Loss | Epoch | Step | Validation Loss | Wer | |:-------------:|:-----:|:----:|:---------------:|:------:| | 3.2787 | 0.84 | 200 | 3.5920 | 1.0 | | 3.0613 | 1.68 | 400 | 3.4069 | 1.0 | | 3.0481 | 2.52 | 600 | 3.4811 | 1.0 | | 2.896 | 3.36 | 800 | 2.3933 | 0.9997 | ### Framework versions - Transformers 4.17.0 - Pytorch 1.11.0+cu102 - Datasets 2.0.0 - Tokenizers 0.11.6
[ -0.05402715131640434, -0.027332505211234093, -0.03009040281176567, 0.03184515982866287, 0.03287629038095474, 0.004227034281939268, -0.07444032281637192, -0.0758938267827034, -0.051965389400720596, -0.0907125249505043, 0.03845204412937164, -0.10363950580358505, 0.027664167806506157, -0.06843294948339462, -0.07635504007339478, 0.02474771812558174, 0.01528242789208889, -0.0682915598154068, -0.07110589742660522, 0.01830871030688286, -0.0001057039262377657, 0.04006985202431679, 0.07639487832784653, -0.0061844573356211185, -0.0029653129167854786, 0.021107735112309456, -0.06010932847857475, 0.061249226331710815, 0.01685190573334694, -0.0496646985411644, 0.1025523766875267, 0.02719292603433132, 0.009491164237260818, 0.019754962995648384, -0.008783591911196709, -0.016964608803391457, -0.022695036605000496, -0.04898827150464058, -0.02131211757659912, -0.024700498208403587, 0.01473171729594469, -0.004457037430256605, -0.050203561782836914, 0.07433538138866425, -0.04338238388299942, 0.023709412664175034, -0.06578448414802551, -0.09146588295698166, -0.04446261748671532, -0.0021563442423939705, -0.09496162086725235, -0.08037946373224258, 0.049460072070360184, 0.04180615022778511, -0.07498909533023834, 0.016818098723888397, -0.02052268199622631, 0.05477582663297653, 0.02850283868610859, 0.01233451534062624, 0.01635007932782173, -0.028027938678860664, -0.01758488081395626, -0.0685233399271965, -0.06834672391414642, -0.07677974551916122, -0.06974299997091293, -0.001721940003335476, 0.09009025245904922, -0.03612043708562851, -0.03010956570506096, 0.08782318234443665, 0.010208631865680218, 0.03263237699866295, 0.04283924028277397, 0.012708768248558044, 0.04778177663683891, 0.035103414207696915, 0.08581623435020447, -0.09043693542480469, -0.03560726344585419, -0.11451806128025055, 0.05150049179792404, -0.04643541947007179, 0.05799456685781479, 0.02037385292351246, 0.020593443885445595, -0.04234471917152405, -0.0004337962600402534, 0.017071619629859924, -0.056651778519153595, 0.019453011453151703, 0.006135763134807348, 0.0753929391503334, 0.017832349985837936, 0.07779821753501892, 0.013847940601408482, 0.03983119875192642, -0.04853801801800728, 0.09611167758703232, 0.007398144342005253, 0.014974216930568218, 0.03911147639155388, 0.021395865827798843, 0.020137831568717957, -0.061097607016563416, -0.03701230138540268, 0.11904292553663254, 0.093631312251091, -0.06988555192947388, 0.07236458361148834, 0.07596455514431, -0.056271325796842575, 0.00028080688207410276, 0.01939666084945202, 0.11183179914951324, -0.01583077199757099, -0.02107684686779976, -0.0454087108373642, 0.03472498059272766, -0.021294444799423218, -0.01681017316877842, -0.05028427392244339, -0.0248380359262228, -0.055599138140678406, -0.0916861891746521, -0.07313304394483566, 1.8491538165602244e-33, 0.03553331643342972, 0.03354509547352791, -0.02725476585328579, -0.03528279438614845, 0.04357881844043732, -0.07105676084756851, -0.0008213282562792301, 0.0019443761557340622, 0.025139691308140755, -0.04035187140107155, -0.0843086764216423, 0.00043792102951556444, -0.02628217451274395, 0.06602613627910614, 0.025817830115556717, -0.06282258033752441, -0.05604885146021843, -0.017072921618819237, 0.050662945955991745, 0.044415250420570374, 0.1568448543548584, 0.0013556767953559756, -0.037153080105781555, -0.032576270401477814, 0.017030838876962662, 0.07015249878168106, 0.01598714292049408, 0.024161407724022865, 0.019872745499014854, 0.041242800652980804, -0.03757884353399277, -0.029928093776106834, -0.004690874367952347, -0.056101031601428986, 0.06606171280145645, 0.01904500089585781, 0.06630763411521912, 0.06672129780054092, -0.04419119283556938, -0.0774693563580513, 0.04506252333521843, -0.0017128057079389691, 0.017109183594584465, -0.041261687874794006, -0.05359567329287529, -0.06668053567409515, 0.01805507019162178, 0.03171049803495407, 0.02112666890025139, 0.019275076687335968, -0.04812757298350334, 0.009911354631185532, 0.052659716457128525, 0.03473609313368797, -0.05653732270002365, -0.040082063525915146, 0.06335223466157913, 0.05061398446559906, -0.05898522585630417, -0.05312908813357353, 0.04747394472360611, 0.0353289432823658, 0.03978996351361275, 0.00021491273946594447, -0.054231029003858566, -0.04640228673815727, 0.01602255180478096, -0.01660735532641411, 0.04667064547538757, -0.0026055320631712675, -0.05278883874416351, 0.029290219768881798, 0.034588683396577835, -0.04083854705095291, 0.029791105538606644, -0.0773305669426918, -0.018681803718209267, -0.08204340189695358, -0.03885108605027199, -0.03255325183272362, 0.033329058438539505, 0.08754203468561172, 0.014594681560993195, -0.07927046716213226, -0.043593693524599075, -0.04642732813954353, -0.008612644858658314, -0.09120332449674606, -0.030186548829078674, 0.01746882125735283, -0.04782416298985481, 0.11548864841461182, -0.05589396879076958, -0.03731510788202286, -0.017254306003451347, -3.557298269531684e-33, 0.00738219590857625, 0.09031547605991364, -0.00930593442171812, 0.05346536636352539, 0.01906416565179825, 0.045068785548210144, 0.11085197329521179, 0.11245007812976837, -0.050954751670360565, -0.061192698776721954, 0.10136480629444122, -0.053137313574552536, -0.036166053265333176, -0.019231606274843216, 0.03463580086827278, 0.013775316067039967, -0.08588989078998566, 0.025087349116802216, 0.026529109105467796, 0.002152395900338888, -0.002777926856651902, 0.11160088330507278, -0.04105577617883682, 0.04626261070370674, -0.012507356703281403, -0.02552003599703312, 0.024968739598989487, 0.08825186640024185, 0.05966759845614433, -0.019055869430303574, -0.027684101834893227, -0.02533753588795662, -0.004504222888499498, 0.010193664580583572, -0.0058855582028627396, 0.024202851578593254, 0.04028381034731865, -0.03957511484622955, -0.021809982135891914, 0.05983804166316986, 0.04464699700474739, 0.08098886907100677, -0.11062417924404144, 0.05332214757800102, -0.02906779572367668, 0.01598787121474743, 0.04063991829752922, -0.006080315448343754, -0.021137507632374763, -0.013446788303554058, 0.07111473381519318, -0.08676132559776306, -0.0228652972728014, -0.005668840371072292, 0.0016488083638250828, -0.005702773574739695, 0.024392228573560715, -0.022642984986305237, -0.08172962814569473, -0.00606050668284297, -0.010799822397530079, 0.022862426936626434, -0.1395300179719925, -0.05348102003335953, 0.015245727263391018, 0.009048222564160824, -0.07520422339439392, 0.04838715121150017, 0.03834027051925659, 0.011658950708806515, -0.03572053462266922, 0.09460808336734772, 0.024590522050857544, 0.004590657539665699, -0.027372293174266815, 0.011967144906520844, -0.03457367792725563, 0.022440526634454727, -0.030104847624897957, -0.09748513251543045, -0.028593096882104874, 0.055263202637434006, 0.07763782888650894, 0.023130103945732117, 0.11665251106023788, 0.0725596621632576, 0.03292590752243996, 0.04765661433339119, -0.0797472894191742, 0.035762421786785126, 0.04087770730257034, 0.02492344193160534, 0.009042598307132721, 0.140145406126976, 0.030820051208138466, -5.307305883661684e-8, -0.05780858173966408, 0.01944308541715145, -0.057435669004917145, 0.04428001493215561, 0.03018585965037346, -0.003802025457844138, 0.011996127665042877, -0.015074384398758411, -0.012287399731576443, 0.003135401289910078, 0.00438371766358614, 0.012907666154205799, -0.06491643190383911, 0.04887523129582405, -0.01973525807261467, 0.005047468468546867, 0.012281006202101707, 0.11998969316482544, -0.035659585148096085, -0.050428539514541626, 0.00826952699571848, 0.01787712797522545, -0.022782400250434875, 0.0012300822418183088, 0.07566448301076889, -0.06850359588861465, -0.09226378798484802, 0.07497109472751617, -0.04322783648967743, -0.015288851223886013, -0.019409455358982086, 0.0125055480748415, 0.021765274927020073, -0.08872470259666443, -0.007602665573358536, 0.07828716188669205, -0.06164631247520447, -0.037981338798999786, -0.009365098550915718, 0.041443731635808945, -0.0063435654155910015, 0.0967080369591713, -0.047930896282196045, -0.00848090648651123, 0.07996666431427002, -0.06137975677847862, -0.021509766578674316, -0.10362348705530167, 0.052387844771146774, 0.019359324127435684, 0.012448710389435291, 0.028416337445378304, -0.023884054273366928, -0.021200641989707947, 0.05675268918275833, 0.04048549383878708, -0.09462892264127731, 0.02862292341887951, -0.04654479771852493, -0.004496043547987938, 0.0391959510743618, -0.004021648317575455, -0.0350613072514534, -0.008000087924301624 ]