Spaces:
Runtime error
Runtime error
import numpy as np | |
from typing import List | |
import heapq | |
import openai | |
# import editdistance | |
from gensim.models import bm25model | |
import json | |
from nltk import pos_tag | |
# from nltk.stem import WordNetLemmatizer | |
# from nltk.corpus import wordnet, stopwords | |
# from nltk.tokenize import word_tokenize | |
# import nltk | |
# nltk.download('stopwords') | |
# nltk.download('punkt') | |
# nltk.download('averaged_perceptron_tagger') | |
# nltk.download('wordnet') | |
# wnl = WordNetLemmatizer() | |
# corpus = [] | |
# with open("/Users/4paradigm/Desktop/work/2023_05_22/root_causes_dbmind.jsonl", 'r') as f: | |
# data = json.load(f) | |
# corpus = [example["desc"] for example in data] | |
# metrics = [example["metrics"] for example in data] | |
# stop_words = set(stopwords.words('english')) | |
# preprocessed_corpus = [] | |
# for c in corpus: | |
# word_tokens = word_tokenize(c) | |
# preprocessed_corpus.append([wnl.lemmatize(w,pos='n') for w in word_tokens if not w in stop_words]) | |
# def embedding(input:str): | |
# response = openai.Embedding.create( | |
# input=input, | |
# model="text-embedding-ada-002" | |
# ) | |
# embeddings = response['data'][0]['embedding'] | |
# # print("\n-----\ntext:{}\n embeddings:{}\n-----\n".format(input, embeddings)) | |
# return embeddings | |
# def euclidean_distance(target:List[float], sample:List[float]): | |
# """ | |
# return the euclidean distance of two vectors | |
# """ | |
# return np.sqrt(np.sum(np.square(np.asarray(target) - np.asarray(sample)))) | |
# def cosine_distance(target:List[float], sample:List[float]): | |
# """ | |
# return the euclidean distance of two vectors | |
# """ | |
# return 1 - np.dot(target,sample)/(np.linalg.norm(target)*np.linalg.norm(sample)) | |
# def linear_search(k:int, target:List[float], samples:List[List[float]]): | |
# """ | |
# k: the top-k examples | |
# target: incoming metrics | |
# samples: examples | |
# """ | |
# func_distance = cosine_distance | |
# # func_distance = cosine_distance | |
# dist = [] | |
# for s in samples: | |
# dist.append(func_distance(target, s)) | |
# index = heapq.nlargest(k, range(len(dist)), dist.__getitem__) | |
# return index | |
# THRESHOLD = 0.5 | |
# def editdis_linear(k:int, target:List[str], samples:List[List[str]]): | |
# dist = [] | |
# for sample in samples: | |
# dis = len(target) | |
# for t in target: | |
# dis_samples = [editdistance.eval(t, s)/max(len(t), len(s)) for s in sample] | |
# if min(dis_samples) < THRESHOLD: | |
# dis -= 1 | |
# dist.append(dis) | |
# index = heapq.nsmallest(k, range(len(dist)), dist.__getitem__) | |
# return index | |
def simple_tok(sent: str): | |
return sent.split() | |
# def get_wordnet_pos(tag): | |
# if tag.startswith('J'): | |
# return wordnet.ADJ | |
# elif tag.startswith('V'): | |
# return wordnet.VERB | |
# elif tag.startswith('N'): | |
# return wordnet.NOUN | |
# elif tag.startswith('R'): | |
# return wordnet.ADV | |
# else: | |
# return None | |
def bm25(k, target: List[str], sample: List[List[str]]): | |
tok_corpus = sample | |
bm25 = bm25model(tok_corpus) | |
query = target | |
scores = bm25.get_scores(query) | |
best_docs = sorted(range(len(scores)), key=lambda i: scores[i], reverse=True)[:k] | |
best_docs_none_zero = [] | |
for d in best_docs: | |
if scores[d] != 0: | |
best_docs_none_zero.append(d) | |
return best_docs_none_zero | |
# if __name__ == "__main__": | |
# nltk.download('stopwords') | |
# nltk.download('punkt') | |
# nltk.download('averaged_perceptron_tagger') | |
# nltk.download('wordnet') | |
# wnl = WordNetLemmatizer() | |
# corpus = [] | |
# with open("/Users/4paradigm/Desktop/work/2023_05_22/root_causes_dbmind.jsonl", 'r') as f: | |
# data = json.load(f) | |
# corpus = [example["desc"] for example in data] | |
# metrics = [example["metrics"] for example in data] | |
# stop_words = set(stopwords.words('english')) | |
# preprocessed_corpus = [] | |
# for c in corpus: | |
# word_tokens = word_tokenize(c) | |
# preprocessed_corpus.append([wnl.lemmatize(w,pos='n') for w in word_tokens if not w in stop_words]) | |
# print(preprocessed_corpus) | |
# best_docs = bm25(3, "package drop rate threshold", preprocessed_corpus) | |
# for i, b in enumerate(best_docs): | |
# print(f"desc {i+1}: {corpus[b]}") | |
# print(f"metrics {i+1}: {metrics[b]}") | |
# print("\n\n\n\n") | |
# metrics_str = "the number of active sessions" | |
# examples = [ | |
# "If there are many active sessions, high-concurrency sessions can consume significant amounts of memory, especially if they execute memory-intensive operations or hold large result sets in memory. This can lead to memory pressure, increased disk I/O, and potential out-of-memory errors if the system does not have enough available memory to handle the workload.", | |
# "If there are slow queries, they involve large result sets that need to be stored in memory before being sent back to the client application. If the query returns a substantial number of rows or the result set contains large data objects (e.g., images, documents), it can consume a significant amount of memory ...", | |
# ] | |
# metrics_embedding = embedding(metrics_str) | |
# examples_embedding = [embedding(e) for e in examples] | |
# metrics_embedding = [-0.0006464981124736369, 0.0011919541284441948, 0.012529219500720501, -0.015440601855516434, -0.00987129844725132, -0.005535051692277193, -0.039101578295230865, -0.0035553115885704756, -0.0023136925883591175, -0.035566817969083786, 0.018605446442961693, 0.012700477614998817, -0.003983456175774336, -0.008234074339270592, -0.020550934597849846, -0.01579681783914566, 0.014303450472652912, -0.00839163176715374, 0.02501733787357807, -0.02645590342581272, -0.022633429616689682, -0.003805347951129079, -0.025811973959207535, -0.0012887148186564445, -0.018947960808873177, -0.015522805973887444, 0.003020987380295992, -0.00863824225962162, -7.262400322360918e-05, -0.017509395256638527, 0.011645529419183731, -0.019893303513526917, -0.016070829704403877, -0.007624396588653326, -0.0179752167314291, 0.02253752388060093, -0.0007573875482194126, -0.005202811677008867, 0.02027692086994648, 0.01091939676553011, 0.023249957710504532, -0.0035107845906168222, -0.011967494152486324, 0.0087820990011096, 0.010323419235646725, 0.016344843432307243, 0.008960206992924213, -0.008288877084851265, -0.02027692086994648, 0.015481703914701939, 0.0023239681031554937, -0.0008991033537313342, -0.028332887217402458, -0.020824946463108063, 0.0016200985992327332, 0.0031785445753484964, -0.017673803493380547, 0.007843606173992157, 0.0008383068488910794, -0.011385217308998108, 0.005308991298079491, 0.0025979806669056416, -0.011714032851159573, 0.0466369204223156, -0.010268616490066051, 0.006021423730999231, -0.017783408984541893, 0.01157702598720789, 0.022345716133713722, 0.007507941219955683, 0.0007796510471962392, -0.004004007205367088, -0.007261330261826515, -0.010665934532880783, 0.023386962711811066, -0.026551807299256325, -0.011268761940300465, 0.007144874893128872, -0.003233347088098526, 0.006309136748313904, 0.00845328439027071, -0.05313101410865784, -0.012104500085115433, 0.022236110642552376, 0.0037539706099778414, 0.0116592301055789, 0.0043807742185890675, 0.013844478875398636, -0.029812555760145187, 0.0018718475475907326, 0.015563907101750374, 0.004586283583194017, 0.035566817969083786, 0.02266083098948002, -0.005857016425579786, 0.018783554434776306, -0.01702987402677536, 0.0017476857174187899, -0.009583585895597935, -0.00884375162422657, -0.010467275977134705, -0.01485147513449192, -0.020920850336551666, -0.01694766990840435, -0.01859174482524395, -0.011679780669510365, -0.007912109605967999, 0.007583294529467821, 0.013310154899954796, -0.017249083146452904, -0.0005852734902873635, 0.01863284781575203, -0.005288440268486738, -0.015509105287492275, -0.011946942657232285, -0.003911527805030346, 0.011624978855252266, -0.0006713304901495576, -0.009919251315295696, -0.011960643343627453, 0.023797981441020966, 0.00015873456140980124, 0.02677101641893387, -0.01476927101612091, 0.016440747305750847, -0.00630228640511632, -0.007788803894072771, -0.011672930791974068, 0.010111059993505478, -0.013782826252281666, 0.03052498772740364, 0.026592908427119255, 0.00989184994250536, 0.0048294696025550365, -0.014248647727072239, 0.017166880890727043, 0.01764640212059021, 0.02637369930744171, -0.006668778136372566, -0.029401537030935287, -0.017454592511057854, 0.014892577193677425, -0.0025996931362897158, -0.004137588199228048, 0.016892867162823677, 0.05203496664762497, 0.031127814203500748, -0.0003652072336990386, -0.03200465440750122, -0.017084676772356033, -0.0002200662565883249, 0.003836174262687564, 0.00633653812110424, 0.0014514097711071372, -0.011542774736881256, -0.005678907968103886, 0.009145165793597698, 0.006357089150696993, -0.04721234738826752, -0.01690656878054142, -0.03310070559382439, 0.023003345355391502, 0.0010951935546472669, -0.0200303103774786, 0.010515227913856506, 0.04488324001431465, 0.002368495101109147, 0.009563034400343895, 0.01505698449909687, 0.014796672388911247, 0.005219937302172184, 0.01559130847454071, -0.009473980404436588, 0.023907586932182312, 0.0013854755088686943, 0.03403234854340553, -0.008857452310621738, -0.005723434966057539, -0.002853154670447111, -0.025866776704788208, -0.004202666226774454, 0.01702987402677536, 0.011159157380461693, 0.04225271940231323, -0.018742451444268227, 0.037046484649181366, 0.01830403134226799, 0.0035895630717277527, -0.010515227913856506, -0.014276049099862576, -0.0021407222375273705, 0.01096049789339304, -0.015372098423540592, 0.007740851957350969, -0.6720977425575256, -0.00763124693185091, -0.015618709847331047, -0.012268907390534878, 0.01320740021765232, -0.013584167696535587, 0.010994750075042248, -0.008590290322899818, -0.0066824788227677345, 0.007953211665153503, -0.005500799976289272, 0.025195445865392685, 0.011522224172949791, -0.008651942946016788, 0.0028959691990166903, -0.0083710802718997, -0.01089884527027607, 0.007254479918628931, -0.013543065637350082, -0.014221246354281902, -0.015495404601097107, -0.005422021262347698, -0.01974259689450264, 0.02040022797882557, 0.005353518296033144, 0.0007466839160770178, -0.006247484125196934, -0.009960352443158627, -0.024455612525343895, -0.007871007546782494, -0.012727878987789154, 0.0015849907649680972, 0.01678326353430748, -0.00966578908264637, 0.02488033100962639, 0.002469537314027548, -0.016262639313936234, 0.03600523620843887, 0.012734728865325451, 0.06822910159826279, -0.015906423330307007, 0.009241069667041302, 0.003781371982768178, -0.0028017773292958736, 0.02200319990515709, 0.0066824788227677345, 0.020249521359801292, -0.001818757620640099, 0.012097650207579136, -0.03304590284824371, 0.03855355083942413, -0.03219646215438843, -0.009515082463622093, 0.009152015671133995, -0.00418554013594985, 0.0036238147877156734, -0.011707182042300701, -0.011967494152486324, -0.002174973953515291, -0.0006991599220782518, -0.006692754104733467, 0.010398772545158863, -0.005726860370486975, -0.0005493093631230295, -0.0187972541898489, -0.014673367142677307, -0.0027743761893361807, -0.003986881114542484, 0.0008425883133895695, -0.011412618681788445, 0.01015901193022728, 0.02430490404367447, 0.0009145165677182376, 0.0023154052905738354, 0.016317442059516907, 0.00026823251391761005, 0.022647129371762276, -0.010008305311203003, -0.011481122113764286, 0.0012296308996155858, 0.006268034689128399, -0.017166880890727043, -0.013118346221745014, 0.0037916472647339106, 0.015152888372540474, 0.002270878292620182, -0.019468585029244423, -0.026743615046143532, 0.005922093987464905, 0.010761839337646961, 0.031401827931404114, -0.0034439940936863422, 0.002192099578678608, -0.030552389100193977, 0.011446869932115078, 0.03178544342517853, -0.012775830924510956, 0.0055693029426038265, 0.012433315627276897, -0.0233184602111578, -0.016468148678541183, -0.011296163313090801, 0.0014659666921943426, -0.004771241918206215, 0.04776037111878395, 0.023140352219343185, -0.008562888950109482, -0.019016465172171593, 0.03340211883187294, -0.024455612525343895, 0.007686049211770296, -0.021893594413995743, -0.014919978566467762, 0.005500799976289272, 0.005682333372533321, -0.02962074615061283, 0.03151143342256546, 0.006165280472487211, 0.012433315627276897, -0.0104261739179492, 0.01855064369738102, -0.00527473958209157, 0.013803377747535706, -0.03699168190360069, 0.0027589628007262945, 0.03356652706861496, 0.026113387197256088, -0.02645590342581272, 0.009165716357529163, -0.030333178117871284, -0.0019454883877187967, -0.008158721029758453, 0.013638969510793686, -0.019975507631897926, 0.022359415888786316, -0.008412182331085205, 0.013125197030603886, 0.014618564397096634, 0.02298964560031891, -0.002714435802772641, -0.012981340289115906, 0.001340092159807682, -0.03219646215438843, -0.019591890275478363, 0.012227806262671947, -0.03238827362656593, -0.0032076584175229073, -0.005387770012021065, -0.004322546534240246, 0.016838066279888153, -0.004151288885623217, 0.004086210858076811, 0.0013529364950954914, 0.001613248372450471, -0.013104645535349846, -0.014741869643330574, -0.004199240822345018, -0.028853511437773705, 0.005850166082382202, -0.004418450873345137, -0.034361161291599274, 0.024537814781069756, -0.004493804182857275, 0.0017100089462473989, -0.030250975862145424, 0.001477954676374793, -0.017468294128775597, -0.0010001454502344131, 0.0016355118714272976, -0.018701350316405296, -0.0079600615426898, 0.003682042472064495, 0.014714469201862812, 0.004699313547462225, 0.008412182331085205, -0.00418554013594985, -0.03060719184577465, -0.00040031506796367466, 0.02077014371752739, -0.0022451896220445633, 0.0015182002680376172, 0.025400955229997635, 0.005528201349079609, -0.017550498247146606, 0.042800746858119965, 0.011933241970837116, -0.005754261743277311, 0.0024626869708299637, -0.024729624390602112, 0.023578772321343422, 0.0003187535621691495, 0.020742742344737053, -0.0375945083796978, 0.01050837803632021, 0.01949598640203476, -0.005308991298079491, 0.006213232409209013, 0.005432297009974718, 0.01846843957901001, 0.014618564397096634, 0.03403234854340553, 0.002091057598590851, 0.03375833481550217, -0.0009564747451804578, -0.00405195914208889, -0.01744089275598526, -0.006206382066011429, -0.030059166252613068, 0.03578602522611618, 0.005874142050743103, -0.004641085863113403, 0.013419760391116142, 0.00384644977748394, -0.024154197424650192, -0.015522805973887444, 0.01431715115904808, -0.0001084811010514386, 0.01394723355770111, -0.0039389291778206825, 0.0029644721653312445, 0.004219791851937771, -0.01159757748246193, 0.02773006074130535, -0.017468294128775597, 0.0035861379001289606, 0.00968634057790041, 0.024373408406972885, 0.051980163902044296, -0.00321793369948864, 0.01813962496817112, -0.009199968539178371, 0.013200550340116024, -0.004517780151218176, 0.007953211665153503, 0.009097213856875896, -0.014481558464467525, 0.03373093158006668, -0.024044593796133995, 0.02879870869219303, -0.0018804104765877128, 0.02146887592971325, 0.018605446442961693, 0.025921577587723732, -0.036799874156713486, 0.007110623177140951, -0.014741869643330574, 0.0015515955165028572, -0.004531480837613344, -0.01137151662260294, -0.0015216254396364093, 0.020386526361107826, 0.02220870926976204, -0.004880846943706274, 0.010727588087320328, 0.00921366922557354, 0.023715777322649956, 0.01924937590956688, -0.01343346107751131, 0.007172275800257921, 0.040499042719602585, 0.009946651756763458, 0.005024703219532967, 0.024524115025997162, -0.0015892722876742482, 0.0071243238635361195, -0.0053021409548819065, -0.024729624390602112, -0.0023462316021323204, 0.0073366835713386536, -0.008494386449456215, 0.015495404601097107, -0.006268034689128399, -0.006473544053733349, -0.006144729442894459, -0.004897972568869591, -0.012707327492535114, 0.0077066002413630486, -0.011035851202905178, -0.011542774736881256, 0.006822910159826279, -0.0233184602111578, -0.017125777900218964, -0.0016295177629217505, -0.002443848643451929, 0.004312270786613226, -0.028442492708563805, -0.014097941108047962, 0.015289895236492157, -0.007110623177140951, -0.02471592277288437, 0.0009213668527081609, -0.010241215117275715, -0.025359852239489555, -0.011912691406905651, -0.0036957429256290197, -0.013714323751628399, -0.0003144720976706594, -0.014536361210048199, -0.011145456694066525, 0.009693190455436707, 0.011446869932115078, -0.005134308245033026, -0.02442821115255356, -0.024894030764698982, 0.04118407145142555, -0.004822619259357452, -0.023797981441020966, -0.02846989408135414, -0.039101578295230865, 0.014008887112140656, -0.0031066162046045065, 0.0033429518807679415, -0.008549188263714314, -0.0059255193918943405, 0.010316569358110428, 0.01575571671128273, 0.009330123662948608, -0.02715463377535343, 0.03710128739476204, 0.021441474556922913, -0.015550206415355206, -0.030305776745080948, -0.002818903187289834, 0.006812634877860546, 0.02114006131887436, 0.004346522502601147, 0.009741142392158508, -0.002567154122516513, -0.015344697050750256, -0.01781081035733223, -0.036060038954019547, 0.011131756007671356, 0.015344697050750256, -0.01382392831146717, -0.02159218117594719, -0.0063262623734772205, 0.008967057801783085, -0.0003482955216895789, 0.02475702576339245, -0.0054528480395674706, 0.008679344318807125, -0.027661558240652084, -0.022016901522874832, -0.024839229881763458, -0.017742305994033813, -0.01624893769621849, -0.010679635219275951, 0.03277188912034035, 0.03216906264424324, -0.0012073674006387591, 0.02377058006823063, 0.018687648698687553, -0.004658211953938007, -0.017660101875662804, 0.0036443655844777822, 0.042307522147893906, -0.001510493690147996, 0.006771532818675041, -0.004928798880428076, 0.020167317241430283, 0.016440747305750847, -0.01394723355770111, -0.0053329672664403915, -0.018728751689195633, 0.008980758488178253, 0.011686631478369236, 0.015509105287492275, 0.005493949633091688, -0.00016751151997596025, -0.021523678675293922, 0.0009059536969289184, 0.0005561596481129527, 0.001138864317908883, -0.013707472942769527, 0.03384053707122803, 0.010446724481880665, -0.039348188787698746, 0.005411745980381966, -0.009206818416714668, 0.013632119633257389, -0.003706018440425396, 0.00024532678071409464, -0.02327735722064972, -0.057158999145030975, -0.05803583934903145, -0.006822910159826279, 0.03129222244024277, -0.0046958886086940765, -0.01813962496817112, -0.03145663067698479, -0.0007620971300639212, -0.02430490404367447, -0.010624833405017853, 0.014043138362467289, -0.006487244740128517, -0.00680920947343111, -0.023058148100972176, 0.002274303464218974, 0.015495404601097107, 0.002741837175562978, 0.004476678557693958, 0.0038533001206815243, -0.003849874949082732, 0.018235528841614723, -0.005428871605545282, -0.009384926408529282, -0.009837047196924686, -0.012467566877603531, -0.01485147513449192, 0.02060573734343052, 0.003952629864215851, -0.028497295454144478, -0.004110186826437712, 0.011022151447832584, -0.009884999133646488, -0.015330997295677662, 0.020098812878131866, -0.044444821774959564, 0.016564052551984787, -0.002298279432579875, 0.0037676712963730097, 0.015933824703097343, 0.017413491383194923, 0.0017810809658840299, 0.01785191148519516, -0.025277648121118546, 0.00783675629645586, -0.007590144872665405, -0.01431715115904808, -0.005815914366394281, 0.025031037628650665, 0.00287884334102273, -0.033511724323034286, -0.013741724193096161, 0.008254624903202057, -0.013310154899954796, 0.004675337579101324, 0.004452702589333057, 0.016851766034960747, 0.01990700513124466, 0.004774666856974363, -0.01559130847454071, 0.027620455250144005, -0.003229921916499734, 0.00791896041482687, -0.020509831607341766, 0.007651797961443663, 0.006901688873767853, 0.010522078722715378, 0.0014865176053717732, 0.02335956133902073, 0.00246782461181283, -0.00818612240254879, 0.013296454213559628, -0.021167462691664696, 0.00656944839283824, -0.00046924632624723017, -0.027798563241958618, -0.030086567625403404, -0.01867394894361496, -0.012912836857140064, 0.016591453924775124, -0.012741578742861748, 0.00506923021748662, -0.04192390665411949, -0.009426028467714787, -0.010124760679900646, 0.006137879099696875, 0.02627779357135296, -0.021564779803156853, -0.01953708752989769, -0.000962468737270683, -0.00011945230653509498, 0.02196209877729416, -0.016070829704403877, -0.018893158063292503, -0.00789840891957283, -0.017920413985848427, -0.019920704886317253, -0.01957819052040577, -0.017139479517936707, 0.008727296255528927, 0.012289458885788918, 0.017290186136960983, 0.015221391804516315, 0.00582961505278945, -0.011933241970837116, -0.00411361176520586, -0.0020311172120273113, -0.012220955453813076, 0.0023856209591031075, 0.002188674407079816, -0.01834513433277607, 0.0026921723037958145, 0.010515227913856506, -0.0035929882433265448, 0.019797399640083313, -0.003986881114542484, 0.02805887535214424, 0.015426901169121265, 0.011350966058671474, -0.0014505534199997783, -0.026387399062514305, -0.03153883293271065, 0.0040725101716816425, -0.02871650457382202, -0.006363939493894577, 0.014070539735257626, -0.03422415629029274, -0.005699458997696638, -0.005250763613730669, 0.006552322767674923, -0.013474562205374241, 0.004346522502601147, 0.025044739246368408, -0.008487535640597343, 0.01846843957901001, 0.007370934821665287, 0.0036888925824314356, -0.019852202385663986, -0.03331991285085678, -0.011755133979022503, 0.007850456982851028, 0.018947960808873177, 0.0025945554953068495, 0.04258153587579727, 0.003942354116588831, 0.017386090010404587, -0.00913146510720253, 0.00212873425334692, -0.02040022797882557, -0.03449816629290581, 0.001137151732109487, -0.00884375162422657, 0.0066345264203846455, -0.01735868863761425, -0.009357525035738945, -0.01116600725799799, -0.007240779232233763, -0.004188965540379286, 0.005264464300125837, 0.02677101641893387, -0.013070394285023212, -0.0056891837157309055, 0.015988627448678017, -0.014618564397096634, 0.027784863486886024, -0.0022828662768006325, 0.006487244740128517, 0.01620783656835556, 0.01945488341152668, -0.010480976663529873, -0.025606464594602585, -0.011248211376369, -0.008610841818153858, 0.0363614521920681, 0.01116600725799799, -0.008494386449456215, -0.018824655562639236, 0.015070685185492039, 0.007172275800257921, 0.006079651415348053, -0.032306067645549774, 0.02563386596739292, 0.030798999592661858, 0.005028128623962402, -0.01707097515463829, 0.0038978271186351776, -0.018783554434776306, 0.023784281685948372, -0.006692754104733467, 0.008809500373899937, 0.01320740021765232, 0.008932805620133877, -0.004089635796844959, 0.015824219211935997, -0.03151143342256546, 0.013399208895862103, -0.010857743211090565, -0.012775830924510956, -0.013056693598628044, -0.0014137329999357462, 0.006572873797267675, 0.013988335616886616, -0.02298964560031891, 0.013173148967325687, -0.009658939205110073, -0.008419033139944077, -0.003743695095181465, -0.006627676077187061, 0.0012844334123656154, 0.02150997705757618, -0.014878876507282257, 0.029812555760145187, -0.01822182908654213, -0.0005445997812785208, 0.015851620584726334, 0.00431912112981081, 0.00736408494412899, -0.0002763672382570803, -0.008446433581411839, -0.00987129844725132, -0.009967203252017498, -0.0016757574630901217, 0.0237294789403677, -0.0030449633486568928, -0.008097068406641483, 0.015344697050750256, -0.004038258455693722, -0.023989791050553322, -0.019769998267292976, 0.00028985380777157843, 0.013241651467978954, -0.02657920867204666, -0.011953793466091156, -0.009391777217388153, -0.0014368528500199318, 0.027140934020280838, -0.0005882704863324761, -0.004747265949845314, 0.01157702598720789, 0.027661558240652084, -0.029757753014564514, 0.017002472653985023, -0.006274885032325983, 0.0033155507408082485, 0.0008348816772922873, -0.0013272478245198727, -0.004774666856974363, -0.016440747305750847, 0.004065659828484058, -0.004192390479147434, -0.03723829239606857, 0.005833039991557598, 0.010782389901578426, 0.0013452299172058702, 0.023880185559391975, 0.0187972541898489, 0.02315405197441578, 0.017016174271702766, -0.0017776557942852378, -0.007939510978758335, -0.00736408494412899, 0.04137587919831276, -0.0237294789403677, -0.009583585895597935, 0.0355394147336483, 0.004226642195135355, 0.020222119987010956, -0.008542338386178017, 0.015522805973887444, 0.025277648121118546, -0.0020413927268236876, -0.015577607788145542, -0.011029001325368881, 0.019386380910873413, -0.020345425233244896, 0.002882268512621522, 0.014344551600515842, -0.02229091338813305, -0.015892721712589264, 0.02311295084655285, -0.0005784231470897794, 0.022921141237020493, -0.015426901169121265, -0.015098086558282375, -0.01600232720375061, 0.023921286687254906, -0.01030286867171526, -0.0035553115885704756, -0.009199968539178371, -0.01994810625910759, -0.03559421747922897, -0.007768253330141306, -0.00664137676358223, -0.004846595227718353, 0.029237128794193268, -0.00927532184869051, -0.013597868382930756, -0.013269052840769291, -0.032443076372146606, 0.016714759171009064, 0.0040416838601231575, 0.035840827971696854, 0.019139770418405533, 0.002952484181150794, 0.0004465546808205545, -0.0029713225085288286, -0.01526249386370182, 0.003801922779530287, -0.028250684961676598, -0.01702987402677536, 0.023948688060045242, -0.018290331587195396, 0.043622784316539764, 0.0017391227884218097, -0.011296163313090801, -0.003015849506482482, 0.024483012035489082, -0.0029011068399995565, 0.008158721029758453, -0.012679926119744778, -0.014865175820887089, -0.01629004068672657, 0.01850954070687294, 0.008878003805875778, -0.0013889006804674864, 0.007638097275048494, 0.02159218117594719, -0.03633405268192291, 0.0042780195362865925, 0.012988190166652203, 0.025483157485723495, -0.0035176349338144064, -0.0010361096356064081, -0.004093061201274395, 0.007398336194455624, -0.010063107125461102, -0.01069333590567112, -0.019674094393849373, 0.01077554002404213, -0.007795654237270355, 0.0384165458381176, 0.009090363048017025, -0.0025654416531324387, 0.031484030187129974, 0.025565361604094505, -0.0008498667739331722, 0.009658939205110073, 0.02662030979990959, -0.047650765627622604, -0.0001372202968923375, 0.019139770418405533, -0.025113241747021675, -0.020002909004688263, 0.0010934809688478708, 0.00106436712667346, -0.011145456694066525, 0.006120753008872271, -0.009974053129553795, 0.0021544229239225388, -0.02409939467906952, -0.011508523486554623, 0.010433023795485497, -0.04652731493115425, 0.018413636833429337, -0.006706454791128635, -0.008645093068480492, 0.03660806268453598, 0.02520914562046528, -0.00031725503504276276, -0.007295581512153149, -0.005836465395987034, 0.012693626806139946, -0.016468148678541183, -0.026798417791724205, -0.0046479362063109875, 0.00698046712204814, 0.010296017862856388, 0.02822328358888626, 0.18786293268203735, 0.006901688873767853, -0.017372390255331993, 0.040910057723522186, -0.006518071051687002, 0.004490379244089127, 0.006298861466348171, -0.01563241146504879, -0.004651361610740423, 0.021126359701156616, -0.0016911706188693643, -0.0237294789403677, -0.00962468795478344, 0.002294854260981083, -0.000928217195905745, -0.0050178528763353825, -0.04414340481162071, -0.023674676194787025, -0.03178544342517853, 0.0100151551887393, 0.018167026340961456, -0.011529074050486088, 0.010172712616622448, 0.0041033364832401276, 0.024373408406972885, -0.0011748283868655562, 0.004415025468915701, 0.008097068406641483, 0.020948251709342003, 0.024935133755207062, -0.015002181753516197, 0.014207545667886734, -0.00602484866976738, 0.02488033100962639, -0.020126214250922203, -0.015152888372540474, -0.017413491383194923, 0.011892140842974186, 0.02118116244673729, -0.0006486388738267124, -0.014344551600515842, 0.015235092490911484, -0.010145311243832111, -0.0233184602111578, -0.004826044198125601, -0.0025842799805104733, -0.0012741578975692391, -0.013467712327837944, 0.024524115025997162, 0.026332596316933632, -0.024688521400094032, 0.0008532918873243034, 0.01361841894686222, 0.004778092261403799, -0.013741724193096161, -0.008823201060295105, 0.023907586932182312, 0.008145020343363285, 0.003426868235692382, -0.0020790696144104004, -0.010063107125461102, 0.019441183656454086, -0.023428065702319145, 0.03449816629290581, -0.01559130847454071, 0.019071266055107117, -0.010330269113183022, 0.04225271940231323, -0.019468585029244423, -0.02879870869219303, 0.019194573163986206, 0.004836319945752621, -0.01678326353430748, -0.02616818994283676, -0.00715857557952404, -0.017797108739614487, 0.0026647711638361216, 0.012858034111559391, 0.0076449476182460785, 0.004425301216542721, -0.004486953839659691, -0.007055820897221565, -0.0034953714348375797, -0.01139206811785698, 0.001437709084711969, -0.0035621619317680597, 0.004099911544471979, -0.00452463049441576, -0.026634011417627335, 0.030223574489355087, 0.003267598571255803, -0.02781226485967636, -0.006196106784045696, -0.018701350316405296, -0.014591163024306297, -0.0008130463538691401, 0.008117618970572948, 0.014700768515467644, -0.007939510978758335, -0.014166443608701229, -0.028195882216095924, 0.07206527888774872, 0.03260748088359833, -0.016714759171009064, -0.004538331180810928, -0.005257613956928253, 0.005850166082382202, 0.024948833510279655, 0.02261972799897194, -0.012659375555813313, -0.008220373652875423, -0.03781371936202049, 0.012357961386442184, -0.01287173479795456, -0.03304590284824371, -0.017372390255331993, -0.022345716133713722, -0.006733856163918972, 0.0030809275340288877, 0.0009693190804682672, -8.141434591379948e-06, -0.015426901169121265, -0.0037676712963730097, -0.021496277302503586, -0.013303305022418499, -0.014344551600515842, -0.031895048916339874, -0.02068793959915638, -0.01665995642542839, -0.022236110642552376, 0.016427047550678253, -0.008124468848109245, 0.0163311418145895, -0.016851766034960747, 0.0035895630717277527, -0.015330997295677662, -0.0028617174830287695, 0.007004443556070328, -0.0026065434794873, 0.02662030979990959, -0.011070103384554386, -0.0030449633486568928, -0.01036452129483223, -0.005661782342940569, 0.006011148449033499, -0.025195445865392685, 0.02508584037423134, 0.01624893769621849, -0.018989063799381256, -0.008076516911387444, 0.006065950728952885, -0.019304176792502403, -0.007864157669246197, -0.0029370710253715515, 0.030004363507032394, 0.006987317465245724, -0.01789301261305809, -0.011912691406905651, 0.0051993862725794315, 0.020222119987010956, -0.026757316663861275, -0.021660683676600456, 0.022811537608504295, -0.009097213856875896, -0.031210018321871758, 0.0012655950849875808, -0.17734086513519287, 0.0029387834947556257, 0.012577171437442303, -0.011035851202905178, 0.00192322488874197, -0.01355676632374525, 0.016975071281194687, 0.005219937302172184, -0.020249521359801292, 0.012303159572184086, 0.03208685666322708, 0.018125923350453377, -0.03589563071727753, -0.020181016996502876, 0.03792332485318184, 0.003534760558977723, 0.041978709399700165, 0.0163311418145895, 0.052637793123722076, -0.0018136199796572328, 0.04852760583162308, -0.0006914532859809697, 0.00021867478790227324, -0.013255352154374123, 0.007829905487596989, -0.0029644721653312445, -0.011118055321276188, 0.018372535705566406, 0.023126650601625443, -0.009227368980646133, -0.014262348413467407, 0.017947815358638763, 0.01690656878054142, 0.01260457281023264, -0.004486953839659691, 0.01916717179119587, -0.022838938981294632, -0.015221391804516315, 0.01313889678567648, 0.024414509534835815, -0.006333112716674805, 0.012618273496627808, 0.008179271593689919, -0.010330269113183022, 0.007651797961443663, -0.0005801357328891754, 0.021934697404503822, 0.01493367925286293, 0.005576153285801411, -0.0060282740741968155, 0.011535923928022385, -0.0267025139182806, -0.00701471883803606, 5.7585428294260055e-05, 0.010604281909763813, 0.006792083848267794, 0.017947815358638763, 0.00575768668204546, -0.008672494441270828, -0.011816787533462048, 0.008055966347455978, -0.019030164927244186, -0.009186267852783203, 0.0037471202667802572, -0.006853736471384764, 0.008693045005202293, 0.007905259728431702, 0.01538579910993576, -0.027551952749490738, 0.019441183656454086, -0.018358834087848663, -0.013090944848954678, -0.0067133051343262196, -0.022236110642552376, 0.014180144295096397, -0.008480685763061047, -0.01698877289891243, -0.0010386784560978413, 0.020509831607341766, 0.003699168097227812, -0.009042411111295223, 0.02381168305873871, -0.017536796629428864, 0.006637951824814081, -0.004767816513776779, -0.004408175591379404, 0.0026887471321970224, 0.001094337203539908, 0.004733565263450146, -0.018454737961292267, 0.015974925830960274, -0.04989766702055931, 0.03110041283071041, -0.013399208895862103, 0.034333761781454086, 0.009473980404436588, -0.009802795946598053, 0.013323855586349964, 0.001820470206439495, -0.01904386654496193, -0.02937413565814495, -0.010316569358110428, -0.020907150581479073, 0.007206527516245842, 0.004079360514879227, -0.013775976374745369, 0.01822182908654213, 0.009152015671133995, 0.038115132600069046, -0.0077477023005485535, -0.016605155542492867, 0.010254915803670883, 0.02007141150534153, 0.0167421605437994, -0.004027983173727989, 0.02608598582446575, 0.01007680781185627, 0.006113903131335974, -0.0014291461557149887, 0.0018393086502328515, 0.07151725143194199, -0.005322691984474659, -0.007795654237270355, 0.006685903761535883, 0.01620783656835556, -0.015098086558282375, -0.09771284461021423, -0.017756007611751556, 0.010700186714529991, 0.008549188263714314, 0.0057748123072087765, 0.04299255460500717, 0.020920850336551666, 0.011734583415091038, -0.02575717121362686, -0.008816351182758808, -0.01464596576988697, -0.013323855586349964, -0.021907296031713486, 0.006339963059872389, 0.009289022535085678, -0.0014514097711071372, -0.006237208377569914, -0.004918523598462343, 0.008967057801783085, 0.034991391003131866, 0.004548606928437948, -0.019427483901381493, 0.012474416755139828, -0.010453575290739536, -0.02446931228041649, -0.028086276724934578, -0.007501090876758099, 0.012858034111559391, -0.008199823088943958, 0.02438710816204548, 0.035840827971696854, -0.009617837145924568, 0.0014950804179534316, -0.009775394573807716, -0.018893158063292503, 0.0030466760508716106, -0.029428938403725624, 0.004301995504647493, 0.02822328358888626, -0.01118655875325203, -0.0010446724481880665, 0.0023188304621726274, -0.0011756847379729152, -0.0049013979732990265, -0.0022811535745859146, -0.018358834087848663, -0.013125197030603886, 0.01986590214073658, -0.0037676712963730097, -0.02994956076145172, -0.008316278457641602, -0.009610987268388271, 0.0011157444678246975, -0.024236401543021202, -0.019358979538083076, -0.007987462915480137, 0.01444045640528202, 0.033265113830566406, -0.006959916558116674, 0.016933970153331757, 0.017043575644493103, 0.002991873538121581, 0.01538579910993576, 0.022058002650737762, 0.008967057801783085, -0.0004427013627719134, -0.03290889412164688, -0.018824655562639236, 0.019715195521712303, 0.02192099578678608, 0.0003356652450747788, 0.009912400506436825, -0.035840827971696854, -0.01261142361909151, -0.017372390255331993, -0.0014205833431333303, -0.006935940124094486, -0.016687357798218727, -0.010309718549251556, 0.0070832218043506145, -0.026332596316933632, -0.007535342592746019, -0.0043088458478450775, 0.014878876507282257, 0.019139770418405533, 0.011878440156579018, 0.016933970153331757, -0.013988335616886616, -0.020824946463108063, 0.007877858355641365, -0.006757832132279873, -0.0005959770642220974, 0.005439147353172302, -0.016728460788726807, -0.01546800322830677, 0.010063107125461102, 0.009583585895597935, -0.030634593218564987, 0.02514064311981201, 0.014865175820887089, 0.003582712961360812, -0.012960788793861866, -0.029511140659451485, 0.02381168305873871, 0.0036649166140705347, 0.02175658941268921, 0.0029678973369300365, -0.020222119987010956, -0.005805639084428549, -0.03532020375132561, -0.0054665482603013515, 0.0065488978289067745, -0.0018358834786340594, -0.018605446442961693, -0.002430147957056761, 0.010296017862856388, -0.028853511437773705, -0.012207254767417908, 0.03562162071466446, 0.0012073674006387591, 0.008350529707968235, -0.00033523712772876024, 0.015084385871887207, 0.005651507060974836, 0.013899281620979309, 0.015550206415355206, 0.008610841818153858, -0.00453490624204278, -0.01048782654106617, 0.014413055032491684, 0.012296308763325214, -0.003125454531982541, 0.0050349789671599865, -0.018523242324590683, -0.005517925601452589, 0.01456376165151596, -0.016879167407751083, -0.015043283812701702, 0.006086501758545637, 0.016564052551984787, 0.01604342833161354, -0.014824073761701584, -0.021619582548737526, -0.016180435195565224, 0.013995186425745487, 0.0027846514713019133, -0.007720300927758217, 0.017756007611751556, -0.009645238518714905, -0.007932660169899464, -0.007686049211770296, 0.008124468848109245, 0.01402943767607212, 0.0030963406898081303, 0.013974634930491447, -0.019961807876825333, -0.004236917477101088, -0.015618709847331047, 0.017043575644493103, -0.005833039991557598, 0.003123742062598467, -0.02541465498507023, 0.0196192916482687, -0.012022296898066998, 0.028606900945305824, -0.009138314984738827, -0.0007937798509374261, -0.006802359130233526, -0.007686049211770296, -0.005329542327672243, 0.014495259150862694, -0.02723683789372444, 0.02929193153977394, 0.0018307457212358713, 0.019221974536776543, 0.025770870968699455, 0.013666370883584023, -0.017632702365517616, 0.0012630261480808258, 0.01670105941593647, -0.02520914562046528, 0.020578335970640182, 0.014139042235910892, -0.022838938981294632, -0.00589126767590642, 0.001983165042474866, 0.024661121889948845, 0.013789677061140537, -0.013036142103374004, 0.017591599375009537, -0.007453138940036297, 0.014755570329725742, -0.014043138362467289, 0.0005398901412263513, 0.0022794411052018404, -0.018002618104219437, -0.003193957731127739, 0.01793411560356617, 0.009467130526900291, -0.012378512881696224, 0.020304322242736816, 0.003051813691854477, 0.002097907941788435, 0.017166880890727043, -0.0014702480984851718, -0.009158866479992867, 0.0030466760508716106, -0.0037916472647339106, 0.016550352796912193, -0.02616818994283676, -0.010707036592066288, -0.0167421605437994, 0.0031665563583374023, 0.0025928427930921316, 0.0027315616607666016, 0.023291058838367462, -0.0073914858512580395, 0.014508959837257862, -0.002344519132748246, -0.010453575290739536, -0.019632993265986443, 0.0073914858512580395, -0.0021475725807249546, 0.0016200985992327332, -0.003293287241831422, 0.0006931658717803657, 0.03652586042881012, -0.00350735941901803, 0.00582961505278945, -0.015865320339798927, 0.00350735941901803, 0.02970295026898384, -0.00015916270785965025, -0.011851038783788681, -0.027483448386192322, -0.02467482164502144, -0.00042193636181764305, -0.018167026340961456, -0.006939365528523922, 0.05622735619544983, -0.008740996941924095, 0.06927035003900528, 0.020057711750268936, -0.02097565308213234, 0.008610841818153858, 0.015933824703097343, 0.010357670485973358, 0.01266622543334961, 0.03011396899819374, -0.014248647727072239, -0.027962971478700638, 0.039265986531972885, 0.0005167703493498266, -0.004236917477101088, -0.044362615793943405, 0.023578772321343422, -0.006199531722813845, -0.006237208377569914, 0.0009162291535176337, 0.013275903649628162, -0.03334731608629227, 0.019632993265986443, -0.0314292274415493, 0.032306067645549774, -0.014837774448096752, -0.00011228088260395452, -0.010104209184646606, 0.018646547570824623, -0.01267307624220848, -0.01313889678567648, -0.02760675549507141, 0.006449568085372448, -0.021523678675293922, -0.023291058838367462, -0.0074394382536411285, -0.0009324986604042351, 0.004312270786613226, -0.013775976374745369, -0.041978709399700165, 0.023866483941674232, 0.025606464594602585, -0.014043138362467289, 0.005884417332708836, -0.00654204748570919, -0.0036649166140705347, 0.013693772256374359, -0.013426610268652439, -0.014043138362467289, 0.00637421477586031, -0.04696573317050934] | |
# examples_embedding = [ | |
# [-0.006955452263355255, 0.005811463575810194, 0.01963738538324833, -0.018630675971508026, -0.015741286799311638, 0.028449369594454765, -0.03271154314279556, 0.006363846827298403, -0.009995194151997566, -0.03718290850520134, 0.012799601070582867, 0.03250235691666603, 0.006527273450046778, -0.014211609959602356, -0.016826441511511803, -0.005863760132342577, 0.0342542938888073, 0.006023918744176626, 0.029103076085448265, -0.0227359626442194, -0.014224684797227383, 0.0010581896640360355, -0.016525736078619957, -0.003958201501518488, -0.0015541906468570232, 0.0007133587496355176, 0.0004010089614894241, -0.02162465825676918, -0.0013221242697909474, -0.020408760756254196, 0.018905233591794968, -0.02353348582983017, 0.012864972464740276, -0.01354482863098383, -0.021676955744624138, 0.011296072974801064, 0.021467767655849457, -0.0036574958357959986, 0.007537252269685268, 0.005968353245407343, 0.022369885817170143, 0.0009233624441549182, -0.0066645522601902485, -0.0004314472316764295, 0.0178070031106472, 0.01642114296555519, 0.008034070022404194, -0.027847956866025925, 0.008360924199223518, -0.00830209068953991, 0.0388825461268425, 0.017467075958848, -0.017323259264230728, 0.001789525500498712, 0.010498549789190292, 0.012629637494683266, -0.025037012994289398, 0.016787219792604446, 0.008524351753294468, -0.03025360219180584, 0.008727001026272774, 0.01206744834780693, -0.005500952247530222, 0.03574474900960922, -0.009145373478531837, 0.002289612079039216, -0.013132992200553417, 0.015139875933527946, 0.0115379448980093, -0.020997099578380585, 0.003011959372088313, 0.013845534063875675, -0.007583011873066425, 0.002721059136092663, 0.005494415294378996, -0.04521043971180916, -0.019415125250816345, -0.004824364557862282, 0.022788258269429207, 0.000873517245054245, 0.007726827636361122, -0.011426814831793308, -0.01785930059850216, 0.029286114498972893, -0.010054027661681175, 0.020513353869318962, 0.016434216871857643, -0.007210398558527231, -0.005445387214422226, -0.00567091628909111, 0.006955452263355255, 0.00421968474984169, 0.024056451395154, -0.00016853406850714236, 0.005219857674092054, 0.010975755751132965, 0.01173405721783638, 0.007314991671591997, -0.004124897066503763, -0.0001574006164446473, -0.017898522317409515, 0.011211090721189976, -0.032136280089616776, -0.010001731105148792, -0.03158716857433319, 0.000674544891808182, 0.012211264111101627, -0.002454673172906041, 0.011943243443965912, -0.03511719033122063, 0.013296418823301792, 0.042543310672044754, 0.002250389428809285, -0.012100134044885635, -0.021402398124337196, 0.006066409405320883, 0.016172735020518303, -0.015584397129714489, 0.0003141883644275367, -0.02010805532336235, -0.005213320720940828, -0.021703103557229042, 0.011067274957895279, 0.0006778134265914559, -0.012812674976885319, -0.004536733031272888, -0.010073639452457428, -0.03020130656659603, 0.007622234523296356, -0.015257542952895164, 0.014015497639775276, 0.04241257160902023, 0.007060045842081308, 0.005559785757213831, -0.018513008952140808, -0.0002455490466672927, -0.010021342895925045, 0.011394129134714603, 0.008838131092488766, -0.021794622763991356, -0.008236720226705074, 0.02813558839261532, -0.019232086837291718, -0.02596527896821499, 0.016787219792604446, 0.05668955296278, -0.0077987355180084705, 0.00728230644017458, 0.0008179520373232663, -0.008210571482777596, -0.009158448316156864, -0.0010467497631907463, -0.008792371489107609, -0.003984349779784679, 0.010256676934659481, 0.010413567535579205, -0.01838226616382599, -0.003546365536749363, -0.037287499755620956, -0.024056451395154, 0.0037163295783102512, 0.02920767106115818, 0.010243603028357029, 0.009517987258732319, 0.0257037952542305, 0.03310376778244972, 0.0023566170129925013, 0.005334256682544947, 0.011296072974801064, -0.009138836525380611, 0.006850859150290489, 0.025939131155610085, -0.023441966623067856, 0.021650806069374084, 0.008256331086158752, 0.03974544256925583, -0.01294995378702879, -0.0013335641706362367, -0.010034416802227497, -0.051250699907541275, 0.014865318313241005, -0.008602796122431755, 0.019035974517464638, 0.013309493660926819, -0.028187885880470276, 0.000693747540935874, 0.030149009078741074, -0.01387168187648058, -0.011668686755001545, -0.008360924199223518, -0.010694662109017372, 0.011825576424598694, -0.021572360768914223, -0.02855396270751953, -0.6647948026657104, -0.0019251698395237327, -0.014747651293873787, -0.01120455376803875, -0.005350599531084299, -0.00032276829006150365, 0.021114766597747803, 0.009138836525380611, 0.0034711891785264015, -0.0051152645610272884, 0.013041472993791103, 0.03129953518509865, 0.002137624891474843, -0.015466729179024696, 0.0015827902825549245, -0.0032799795735627413, 0.004108554217964411, 0.007210398558527231, -0.03676453232765198, 0.01456461288034916, 0.0036673014983534813, 0.04238642379641533, -0.025886833667755127, 0.003595393616706133, -0.0010794352274388075, -0.009733711369335651, -0.008798908442258835, -0.005020476877689362, -0.01588510349392891, 0.025677647441625595, 0.000911922543309629, 0.012446599081158638, 0.02420026808977127, 0.00027231022249907255, 0.04976024851202965, -0.0050172084011137486, -0.029652191326022148, 0.029181521385908127, 0.004589029587805271, 0.05841534212231636, -0.02392571046948433, -0.0019692950882017612, 0.013937053270637989, -0.0030446446035057306, 0.030279751867055893, 0.01687873899936676, 0.008557036519050598, -0.011178405955433846, -0.0031181867234408855, -0.015924325212836266, -0.008936187252402306, 0.005223126150667667, -0.017257889732718468, -0.0002426890714559704, -0.02123243361711502, -0.012446599081158638, 0.009864452295005322, -0.006778951268643141, 0.007138490676879883, 0.000790578022133559, -0.002546192379668355, 0.02314126119017601, -0.004102017264813185, -0.007236546836793423, -0.04772067815065384, 0.0006917046848684549, 0.007262695115059614, -0.023311223834753036, 0.0006675992044620216, -0.01899675279855728, 0.025690721347928047, 0.025350794196128845, 0.012884583324193954, -0.029495302587747574, 0.029547598212957382, -0.006713580340147018, 0.03652919828891754, -0.010217455215752125, -0.025403089821338654, 0.010858088731765747, 0.005762435495853424, -0.013505605980753899, -0.03676453232765198, -0.016787219792604446, 0.03224087506532669, 0.002758647548034787, -0.013276807963848114, -0.02761262282729149, -0.0007276586256921291, -0.014917614869773388, 0.03488185629248619, -0.00965526606887579, 0.00015607276873197407, -0.046779338270425797, 0.01406779419630766, -0.0025527295656502247, -0.019611237570643425, 0.007922939956188202, 0.01865682378411293, 0.006406337488442659, -0.02136317454278469, -0.017637040466070175, -0.024213341996073723, -0.0021359906531870365, 0.035509414970874786, 0.018957529217004776, -0.015113727189600468, -0.005507489200681448, 0.047563787549734116, -0.0062527162954211235, 0.016460366547107697, -0.018839862197637558, 0.004151045344769955, -0.009073466062545776, 0.006693969015032053, -0.018813714385032654, 0.011381055228412151, -0.01538828480988741, -0.006863933056592941, -0.0017061777180060744, 0.02108861692249775, 0.004984523169696331, 0.00023472199973184615, -0.009884064085781574, 0.0025053357239812613, -0.008295553736388683, 0.027115805074572563, -0.011675223708152771, 0.0038928308058530092, -0.011923632584512234, 0.009034243412315845, -0.010093250311911106, 0.0030479133129119873, -0.010217455215752125, 0.016904886811971664, -0.005399627611041069, 0.025743018835783005, 0.011479111388325691, 0.015505951829254627, -0.013100306503474712, -0.00807982962578535, -0.008759685792028904, 0.0017339602345600724, -0.019271310418844223, -0.021768473088741302, -0.0021752130705863237, -0.000567091628909111, -0.00746534438803792, -0.0029743709601461887, -0.0002424847916699946, -0.0008596259285695851, 0.006635135505348444, -0.016826441511511803, 0.017506297677755356, 0.001032041385769844, -0.013257197104394436, 0.016708774492144585, -0.029155373573303223, -0.005625156685709953, -0.032136280089616776, -0.00359212514013052, 0.007164638955146074, -0.03323451057076454, 0.025324644520878792, -0.02682817354798317, -0.015205246396362782, -0.018643749877810478, 0.014080869033932686, -0.03545711934566498, -0.0184476375579834, 0.01173405721783638, -0.015022207982838154, 0.02629213221371174, 0.024958569556474686, 0.003628079080954194, -0.0036542273592203856, -0.013767088763415813, 0.004356963559985161, 0.023912636563181877, -0.004572686739265919, 0.026331355795264244, 0.027978699654340744, 0.017231741920113564, -0.022644443437457085, 0.021376248449087143, 0.02084020897746086, 0.008890427649021149, 0.02268366515636444, -0.01963738538324833, 0.018892159685492516, 0.021990735083818436, 0.021127840504050255, -0.031090348958969116, -0.020251872017979622, 0.015532100573182106, -0.017231741920113564, -0.004928957670927048, -0.008524351753294468, 0.009570283815264702, 0.03145642578601837, 0.030933458358049393, -0.01872219517827034, -0.008328239433467388, -0.0038830251432955265, 0.015767434611916542, -0.0012698275968432426, -0.010354734025895596, -0.048217497766017914, 0.009622580371797085, -0.004324277862906456, 0.005272154230624437, -0.00800792220979929, 0.004383111838251352, -0.007622234523296356, -0.003961469978094101, 0.027272695675492287, 0.00771375373005867, 0.02056565135717392, -0.009812155738472939, -0.008596259169280529, 0.006340967025607824, -0.010818866081535816, 0.040373001247644424, -0.0027798928786069155, -0.003928784746676683, 0.007922939956188202, 0.0448443628847599, 0.0474591962993145, 0.0188006404787302, 0.007399973925203085, -0.003070792881771922, 0.0323193185031414, 0.02650132030248642, -0.002369691152125597, 0.012407376430928707, 0.005350599531084299, 0.03775817155838013, -0.029887527227401733, 0.03611082583665848, -0.01740170456469059, 0.015283691696822643, 0.013584050349891186, 0.02216069959104061, -0.020330317318439484, 0.017388630658388138, 0.0230758897960186, 0.02050027996301651, -0.001492905430495739, -0.015139875933527946, -0.000346873770467937, -0.02149391733109951, 0.022173773497343063, -0.01265578530728817, 0.01022399216890335, 0.008334776386618614, 0.0047099655494093895, 0.012407376430928707, -0.008838131092488766, 0.011158794164657593, 0.024618640542030334, 0.011060738004744053, 0.00761569757014513, 0.026082945987582207, -0.0178070031106472, -0.00025923605426214635, -0.0014700257452204823, -0.004039914812892675, -0.018081560730934143, 0.007504567038267851, -0.004111822694540024, -0.00756340054795146, -0.006141585763543844, -0.005971621721982956, -0.023350447416305542, -0.005566323176026344, 0.010988830588757992, 0.002701448043808341, 0.005713407415896654, 0.012956490740180016, 0.008642018772661686, -0.01642114296555519, -0.02886774204671383, 0.010531234554946423, 0.024945493787527084, 0.007726827636361122, -0.020068833604454994, -0.012943416833877563, 0.0005813915049657226, 0.025363868102431297, 0.006389995105564594, -0.004549807403236628, 0.008472055196762085, -0.008517813868820667, -0.016917960718274117, -0.0028583379462361336, -0.004530196078121662, 0.029103076085448265, 0.009877527132630348, -0.01971583068370819, 0.011544481851160526, 0.03396666422486305, -0.006942378357052803, -0.021049395203590393, -0.0014422431122511625, 0.042281828820705414, 0.008602796122431755, 0.0007603440317325294, -0.022827479988336563, -0.008485129103064537, -0.015074504539370537, 0.0046053724363446236, 0.0027390362229198217, -0.011877872981131077, -0.009236892685294151, 0.004105285741388798, 0.029547598212957382, -0.003637884510681033, -0.00814520101994276, 0.02946915291249752, 0.008883890695869923, 0.01647344045341015, -0.0164865143597126, -0.00703389709815383, -0.010034416802227497, 0.0322931706905365, 0.014682279899716377, 0.01391090452671051, 0.002350080059841275, -0.017323259264230728, 0.0032309514936059713, -0.014512316323816776, -0.00010673824726836756, 0.03770587220788002, -0.008053681813180447, -0.008092904463410378, -0.0028436295688152313, 0.022435255348682404, -0.020984023809432983, 0.010943070985376835, 0.014813021756708622, 0.011433351784944534, -0.03336525335907936, -0.007837957702577114, -0.005961816292256117, 0.007203861139714718, -0.008988483808934689, 0.01984657347202301, 0.007092731073498726, 0.028449369594454765, -0.002546192379668355, 0.021480843424797058, 0.020984023809432983, -0.014473093673586845, -0.015349062159657478, -0.006890081334859133, 0.018160006031394005, -0.0031606778502464294, 0.012440062128007412, -0.003817654214799404, 0.0428309440612793, 0.005330988205969334, -0.027926402166485786, 0.013950127176940441, 0.008811983279883862, 0.010498549789190292, -0.006115437485277653, 0.009374171495437622, 0.004020303953438997, 0.010681587271392345, -0.02886774204671383, 0.015296765603125095, 0.01653880998492241, -0.010877699591219425, 0.015466729179024696, 0.012603488750755787, -0.0008261234033852816, -0.015453655272722244, 0.001538665033876896, -0.014133165590465069, -0.01666955277323723, 0.005308108404278755, 0.004781873431056738, -0.024762457236647606, -0.03059353120625019, -0.030358195304870605, 0.00018314036424271762, 0.016695700585842133, -0.0026295401621609926, -0.006707043386995792, -0.003582319477573037, -0.00018702175293583423, 0.005527100525796413, -0.0270373597741127, 0.021310878917574883, 0.017637040466070175, -0.023441966623067856, -0.05227048695087433, -7.788317452650517e-05, 0.011263387277722359, 0.00906692910939455, 8.865913696354255e-05, -0.014093942940235138, -0.010786180384457111, 0.0063082813285291195, -0.0038928308058530092, -0.008347850292921066, -0.007759513333439827, -0.04073907807469368, -0.013937053270637989, 0.016133511438965797, 0.001841822057031095, 5.8833713410422206e-05, -0.011851725168526173, 0.005804926622658968, -0.00949837639927864, -0.011413739994168282, 0.026618987321853638, -0.012910731136798859, 0.009171522222459316, 0.003356790170073509, 0.012799601070582867, 0.015858953818678856, 0.009236892685294151, -0.012708081863820553, -0.014486167579889297, -0.007249620743095875, -0.012590414844453335, -0.0016138413920998573, -0.010929996147751808, -0.01622503064572811, -0.005723212845623493, -0.006066409405320883, 0.012230874970555305, -0.015636693686246872, 0.008197497576475143, -0.00698813796043396, 0.005582665558904409, 0.003549634013324976, 0.006399800535291433, 0.028423219919204712, 0.0033862071577459574, 0.02821403369307518, 0.0375489816069603, 0.01289112027734518, 0.0015492878155782819, -0.015911251306533813, 0.031168794259428978, 0.0013989349827170372, 0.00037853774847462773, 0.0020412029698491096, 0.036032382398843765, -0.03237161785364151, -0.023507338017225266, 0.006792025174945593, -0.03739209473133087, 0.03046279028058052, 0.007916403003036976, -0.012172041460871696, -0.018160006031394005, -0.0012493992689996958, -0.0046021039597690105, 0.005206783767789602, -0.006579570472240448, 0.0033829384483397007, -0.023834191262722015, -0.023324299603700638, 0.004092211835086346, -0.018748342990875244, 0.034568075090646744, -0.02583453804254532, -0.011570630595088005, -0.008053681813180447, 0.0035136800725013018, 0.04623022302985191, -0.03085501492023468, -0.00726923206821084, -0.0323193185031414, -0.005246005952358246, -0.00814520101994276, -0.02155928686261177, -0.015872027724981308, 0.010969218797981739, 0.013008788228034973, 0.006844322197139263, 0.021938437595963478, -0.023651152849197388, 0.012668859213590622, 0.008073292672634125, -0.0029237086419016123, -0.016107363626360893, 0.010962681844830513, -0.010106324218213558, -0.0022144357208162546, -0.014394648373126984, 0.01865682378411293, 0.010413567535579205, 0.025926057249307632, -0.009112688712775707, 0.03663379326462746, 0.008589722216129303, 0.00441579706966877, -0.015100653283298016, -0.020081907510757446, -0.020552577450871468, 0.002189921448007226, -0.008478592149913311, -0.009818692691624165, 0.01245967298746109, -0.001003441633656621, -0.01570206508040428, 0.009419931098818779, -0.0066089872270822525, -0.004255638457834721, -0.005157755687832832, 0.009727174416184425, -0.0058866399340331554, 0.014433871023356915, 0.015741286799311638, -0.006053335499018431, -0.008589722216129303, -0.01779392920434475, -0.02478860504925251, 0.020722541958093643, 0.005193709395825863, -0.007138490676879883, 0.03386206924915314, 0.01351867988705635, 0.0204479843378067, -0.003409086959436536, 0.010472401045262814, -0.02103632129728794, -0.01805541291832924, -0.00021919644495937973, -0.02782180905342102, -0.005592471454292536, -0.028789296746253967, 0.003647690173238516, -0.00936109758913517, -0.023023592308163643, 0.004102017264813185, -0.005677453242242336, 0.020984023809432983, -0.013329104520380497, 0.00955720990896225, -0.004546538460999727, -0.0126950079575181, 0.011158794164657593, -0.0094003202393651, 0.030933458358049393, -0.00771375373005867, 0.004951837472617626, -0.014512316323816776, -0.019925016909837723, 0.023716524243354797, 0.00081182352732867, 0.02196458727121353, 0.01314606610685587, -0.004144508391618729, -0.019271310418844223, -0.007301917765289545, -0.01110649760812521, 0.012309320271015167, -0.030541233718395233, 0.02695891447365284, 0.020918654277920723, -0.005690527614206076, -0.00426871282979846, -0.0098906010389328, -0.021533139050006866, -0.0025151411537081003, -0.03046279028058052, 0.002067351248115301, 0.02050027996301651, 0.004729576874524355, 0.006527273450046778, 0.01714022271335125, -0.005602276884019375, 0.029965970665216446, -0.033652883023023605, -0.0017862569075077772, -0.02010805532336235, -0.0021850187331438065, -0.0038307283539325, 0.0054846093989908695, -0.012060911394655704, 0.014669205993413925, -0.012015151791274548, -0.02676280215382576, -0.012773453257977962, 0.019415125250816345, 0.011126109398901463, 0.00421968474984169, 0.005981427617371082, 0.028004847466945648, -0.012649248354136944, 0.004435408394783735, 0.0191144198179245, -0.016721848398447037, -0.011989003047347069, -0.019872721284627914, -0.017702409997582436, -0.008034070022404194, 0.013067621737718582, 0.016041992232203484, 0.014721502549946308, 0.0018777759978547692, 0.012910731136798859, 0.007530715316534042, 0.003768626134842634, -0.04356309771537781, -0.028004847466945648, -0.0008588088094256818, 0.013237585313618183, -0.018669897690415382, -0.014525390230119228, -0.004311203956604004, -0.0027161564212292433, 0.021925363689661026, -0.005585934035480022, -0.015492877922952175, 0.008811983279883862, 0.02980908192694187, -0.01925823464989662, 0.028449369594454765, 0.020317241549491882, -0.005281960126012564, -0.00985137838870287, 0.01727096363902092, -0.02069639228284359, -0.00807982962578535, 0.00042205018689855933, -4.583616100717336e-05, -0.021114766597747803, -0.010080176405608654, 0.015519026666879654, 0.006713580340147018, -0.002003614790737629, 0.009544136002659798, 0.037339795380830765, -0.01406779419630766, 0.003549634013324976, -0.0008261234033852816, -0.0011913826456293464, 0.03587549179792404, -0.050466250628232956, -0.022121476009488106, 0.027115805074572563, -0.01562361977994442, -0.029495302587747574, -0.01846071146428585, 0.01984657347202301, 0.004745919723063707, -0.006324624177068472, -0.028318626806139946, -0.016107363626360893, 0.03618926927447319, -0.013636347837746143, 0.00300705642439425, -0.0077987355180084705, -0.03158716857433319, -0.011792890727519989, 0.03237161785364151, -0.0026507857255637646, 0.01865682378411293, 0.0004036646569147706, 0.006086020730435848, 0.01523139514029026, 0.00949837639927864, -0.016774145886301994, 0.0026998138055205345, 0.0017143490258604288, -0.023899562656879425, -0.04536733031272888, -0.0006761791300959885, -0.0054323128424584866, -0.012021688744425774, -0.004906077869236469, 0.00962911732494831, -0.010433178395032883, -0.00363461603410542, -0.045445773750543594, -0.011760205961763859, 0.02306281588971615, 0.013329104520380497, 0.04476591944694519, 0.009171522222459316, 0.004772068001329899, 0.0029237086419016123, 0.0043471576645970345, 0.014643057249486446, -0.038934845477342606, 0.0015411163913086057, -0.01898367889225483, -0.0010557383066043258, 0.056584957987070084, -0.002936782781034708, -0.02444867603480816, 0.0021278192289173603, -0.005089116282761097, -0.0019464154029265046, 0.012806138023734093, 0.018696047365665436, 0.0034744576551020145, -0.02286670356988907, 0.007628771476447582, 0.009053855203092098, 0.0036215418949723244, 0.004977985750883818, 0.009080003015697002, -0.04871431365609169, 0.0015313108451664448, 0.029939822852611542, -0.002461210358887911, 0.0021735788322985172, 0.006354040931910276, 0.012590414844453335, -0.01621195673942566, -0.010439715348184109, -0.009014632552862167, -0.006288670469075441, 0.01937590353190899, -0.006510931067168713, -0.0007546240813098848, 0.00985137838870287, -0.014263907447457314, -0.0012101768516004086, 0.010779643431305885, -0.008190960623323917, -0.0037195980548858643, -0.013937053270637989, -0.01538828480988741, 0.017519371584057808, 0.00827594194561243, -0.01938897743821144, -0.04521043971180916, 0.006520736496895552, 0.02267059125006199, -0.02671050652861595, 3.2276828278554603e-05, -0.01699640601873398, 0.021075543016195297, -0.03462037071585655, -0.009772933088243008, -0.018225377425551414, -0.023559633642435074, 0.016525736078619957, -0.004111822694540024, -0.011851725168526173, -0.007040434516966343, 0.006383458152413368, -0.004572686739265919, -0.01904904842376709, 0.005902982782572508, 0.02695891447365284, -0.007445733528584242, -0.017440928146243095, -0.01653880998492241, 0.001053286949172616, 0.012087059207260609, 0.027403436601161957, 0.17927286028862, 0.00936109758913517, -0.008923113346099854, 0.03801965340971947, -0.009701025672256947, -0.0017699141753837466, 0.014629983343183994, -0.007321528624743223, -0.0037065239157527685, 0.02925996668636799, -0.0021245507523417473, -0.004723039921373129, 0.008347850292921066, -0.003856876865029335, 0.0038862936198711395, -0.010949607938528061, -0.05292419344186783, -0.013636347837746143, -0.006877007428556681, -0.0027668187394738197, -0.0008391975425183773, -0.014407722279429436, -0.0054813409224152565, 0.005987964570522308, 0.03527408093214035, -0.01681336760520935, 0.003177020465955138, 0.0050139399245381355, 0.0227359626442194, 0.009145373478531837, -0.00804714486002922, -0.01733633503317833, -0.011387592181563377, 0.00955720990896225, -0.01635577157139778, -0.012309320271015167, 0.006831247825175524, -0.0055369059555232525, 0.012708081863820553, -0.017833152785897255, -0.03276384249329567, 0.0204479843378067, 7.854709110688418e-05, -0.002640980063006282, -0.01479994785040617, 0.00324729410931468, 0.001982369227334857, -0.0013883122010156512, 0.005455192644149065, 0.02387341298162937, -0.015505951829254627, -0.009112688712775707, 0.007968699559569359, -0.0005544260493479669, 0.0030936726834625006, 0.0018892158987000585, 0.007962162606418133, -0.004729576874524355, 0.004448482301086187, -0.005677453242242336, -0.011139183305203915, 0.008615870960056782, -0.002408913802355528, 0.02196458727121353, -0.007530715316534042, 0.02412182278931141, -0.024344082921743393, 0.04241257160902023, -0.0055303690023720264, -0.023651152849197388, -0.009302264079451561, 0.001507613924331963, 0.005824537482112646, -0.004801484756171703, 0.015584397129714489, 0.0016383555484935641, 0.00804714486002922, 0.005105459131300449, -0.002436696318909526, 0.021873068064451218, 0.013754014857113361, -0.007308454718440771, -0.011668686755001545, -0.007857569493353367, -0.013950127176940441, -0.008269404992461205, 0.034646518528461456, -0.004428871441632509, -0.03247620910406113, 0.012904194183647633, 0.003598662093281746, -0.004412528593093157, -0.024801678955554962, -0.042020346969366074, -0.018290746957063675, -0.000815092062111944, -0.0007092730957083404, -0.002938417252153158, -0.022029956802725792, -0.02386033907532692, -0.017689336091279984, 0.09141451865434647, 0.02563842572271824, -0.024893198162317276, -0.008367461152374744, -0.019480496644973755, -0.006004307419061661, 0.029443005099892616, 0.013316030614078045, -0.0025331182405352592, -0.0019709293264895678, -0.05028321221470833, -0.004435408394783735, -0.017257889732718468, -0.024357156828045845, 0.009720636531710625, 0.004739382304251194, -0.01674799621105194, 0.0037195980548858643, -0.008988483808934689, 0.00285997218452394, -0.00037302207783795893, 0.007864106446504593, -0.011511796154081821, 0.0027357677463442087, -0.032528504729270935, -0.0200949814170599, 0.014577686786651611, -0.022958222776651382, -0.05119840428233147, 0.022892851382493973, -0.01872219517827034, 0.012407376430928707, -0.013727866113185883, -0.0057820468209683895, -0.011080349795520306, 0.013688644394278526, -0.007256158161908388, -0.018434563651680946, 0.025795314460992813, -0.012348542921245098, -0.0092238187789917, 0.020814061164855957, -0.010858088731765747, -0.0009960874449461699, -0.0013164043193683028, 0.012106670998036861, 0.01516602374613285, -0.028397072106599808, -0.0031361638102680445, 0.01971583068370819, 0.00305608450435102, -0.0033110305666923523, 0.0058997138403356075, 0.025037012994289398, -0.020278019830584526, -0.021833844482898712, -0.014656132087111473, -0.02821403369307518, 0.012825749814510345, -0.057264816015958786, -0.005762435495853424, 0.016107363626360893, -0.018839862197637558, -0.020683318376541138, -0.015937399119138718, -0.1647343933582306, 0.009243430569767952, -0.007667994126677513, -0.03663379326462746, 0.018473785370588303, 0.010374344885349274, 0.006576301530003548, -0.004785141907632351, -0.006370383780449629, 0.0005237834993749857, 0.00820403452962637, -0.008936187252402306, -0.02070946805179119, -0.026736654341220856, 0.0178070031106472, 0.004739382304251194, 0.05179981514811516, 0.00017874826153274626, 0.03864721208810806, 0.007524178363382816, 0.027534177526831627, -0.027272695675492287, 0.017192518338561058, -0.017571669071912766, 0.014486167579889297, -0.015649767592549324, -0.020617948845028877, 0.015335988253355026, 0.015741286799311638, -0.012603488750755787, -0.005046625155955553, 0.0027619160246104, 0.023258928209543228, 0.011557555757462978, 0.0009249967406503856, 0.007478418760001659, -0.0037882374599575996, -0.001256753457710147, -0.009446079842746258, 0.003239122685045004, 0.004968180321156979, 0.00785103254020214, 0.017114073038101196, 0.008040607906877995, 0.008334776386618614, 0.0035071431193500757, 0.010217455215752125, 3.235343683627434e-05, -0.002647517016157508, 0.010956144891679287, 0.02306281588971615, -0.028397072106599808, -0.0008637115824967623, -0.000764021126087755, -0.00038384911022149026, -0.0026148317847400904, 0.0066710892133414745, -0.009550672955811024, -0.028632408007979393, -0.012564266100525856, -0.003961469978094101, -0.012257023714482784, 0.0025609007570892572, 0.00726923206821084, 0.0018091367091983557, 0.0005818000645376742, 0.032136280089616776, 0.02425256371498108, -0.022500626742839813, 0.014211609959602356, -0.018146932125091553, 0.010505086742341518, 0.013355253264307976, 9.494086407357827e-05, 0.010197843424975872, 0.01456461288034916, 0.0030691586434841156, 0.01199554093182087, -0.0003603564982768148, 0.0042948611080646515, -0.017885448411107063, 0.013021862134337425, -0.04173271358013153, 0.0023370059207081795, -0.01538828480988741, -0.001552556292153895, -0.0026998138055205345, 0.006546884775161743, 0.00636057835072279, -0.008158274926245213, 0.04450443759560585, -0.040765225887298584, 0.0074391961097717285, 0.010727346874773502, 0.013531753793358803, 8.120277925627306e-06, 0.009249967522919178, -0.0008498203242197633, 0.013172214850783348, 0.002000346314162016, -0.019689682871103287, 0.002856703707948327, -0.027874106541275978, -0.013132992200553417, 0.021310878917574883, 0.0023794968146830797, 0.0077399020083248615, 0.005507489200681448, 0.03245006129145622, -0.021245507523417473, -0.013688644394278526, 0.011256850324571133, 0.004386380314826965, 0.015349062159657478, 0.00046862688031978905, 0.011570630595088005, 0.026514394208788872, 0.006327892653644085, -0.003765357658267021, 0.005661110859364271, 0.04837438836693764, -0.02341581881046295, -0.031874798238277435, 0.020068833604454994, 0.011668686755001545, -0.02341581881046295, -0.12331546097993851, -0.0322931706905365, 0.001936609740369022, 0.004164119716733694, 0.008844668045639992, 0.027403436601161957, 0.00807982962578535, 0.013950127176940441, -0.01800311543047428, 0.00726923206821084, -0.032005541026592255, -0.006955452263355255, -0.0336005873978138, -0.009707562625408173, -0.014708428643643856, -0.003353521693497896, -0.008360924199223518, 0.010191306471824646, -0.030149009078741074, 0.02729884348809719, 0.005242737475782633, -0.02433100901544094, 0.009321874938905239, -0.023625005036592484, -0.029652191326022148, -0.018277673050761223, -0.007720290683209896, 0.009661803022027016, 0.010825403034687042, 0.009759859181940556, 0.03380977362394333, -0.0028681436087936163, 0.009236892685294151, -0.009877527132630348, 0.011276462115347385, 0.0005103007424622774, -0.028266331180930138, -0.01512680109590292, 0.018813714385032654, 0.00305608450435102, -0.010256676934659481, 0.018565304577350616, 0.0062461793422698975, -0.004324277862906456, -0.0006504394114017487, -0.01406779419630766, -0.025363868102431297, 0.011551018804311752, 0.018225377425551414, -0.010583531111478806, -0.01774163357913494, -0.005357136484235525, -0.016329623758792877, -0.016238104552030563, -0.0034221610985696316, -0.00703389709815383, 0.01919286511838436, 0.025076236575841904, -0.010753495618700981, 0.021127840504050255, 0.003598662093281746, -0.009583358652889729, 0.020526429638266563, 0.030018268153071404, 0.02761262282729149, -0.006955452263355255, -0.0059454734437167645, -0.022905925288796425, 0.006981600541621447, -0.021454693749547005, -0.015244469046592712, 4.141852696193382e-05, -0.032737694680690765, 0.004667474422603846, -0.02214762382209301, 0.007831420749425888, -0.022905925288796425, -0.023703450337052345, 0.0008596259285695851, 0.02188614197075367, -0.02656668983399868, -0.0010541040683165193, -0.0018745075212791562, -0.013106844387948513, 0.01640806905925274, 0.0066057187505066395, 0.006733191665261984, -0.004690354224294424, 0.00093316804850474, -0.015806658193469048, -0.035300228744745255, 0.019075198099017143, -0.020343391224741936, -0.01473457645624876, -0.023350447416305542, 0.02478860504925251, -0.010040953755378723, -0.003064255928620696, 0.0243833065032959, 0.0050139399245381355, 0.00364115322008729, -0.009897137992084026, -0.031351830810308456, 0.029626043513417244, 0.002057545818388462, 0.014982985332608223, 0.017610890790820122, -0.015022207982838154, -0.0009478764841333032, -0.020251872017979622, -0.002031397307291627, 0.0126950079575181, -0.024291787296533585, 0.00014432644820772111, 0.002420353703200817, 0.0008240805473178625, -0.03046279028058052, 0.020251872017979622, 0.011943243443965912, 0.007517640944570303, 0.008557036519050598, -0.0011153891682624817, -0.002729230560362339, 0.01970275677740574, -0.0001373808045173064, 0.021310878917574883, -0.0031361638102680445, -0.015414432622492313, -0.005543443374335766, 0.023964932188391685, 0.011230702511966228, -0.014643057249486446, 0.010367807932198048, -0.03124723955988884, 0.0009715734049677849, 0.004517121706157923, -0.022239143028855324, -0.009256504476070404, 0.004879929590970278, 0.0007681068382225931, 0.02623983658850193, 0.0220953281968832, -0.015139875933527946, -0.016055066138505936, 0.0071711759082973, -0.004906077869236469, 0.0037457463331520557, 0.006036992650479078, -0.0026507857255637646, 0.004271981306374073, -0.011819039471447468, 0.005344062112271786, 0.026592837646603584, 0.012760378420352936, -0.0005409432924352586, -0.026357503607869148, -0.012518506497144699, 0.007138490676879883, 0.021899215877056122, 0.011335295625030994, -0.016787219792604446, -0.01714022271335125, 0.0010402126936241984, 0.0010639096144586802, 0.034175850450992584, 0.002278172178193927, 0.03333910554647446, -0.014041646383702755, -0.007556863594800234, -0.015309839509427547, 0.014041646383702755, -0.027011211961507797, 0.012910731136798859, -0.011904021725058556, 0.0031296266242861748, -0.00295802834443748, -0.005111996084451675, -0.0011783085064962506, 0.03673838451504707, 0.025220051407814026, -0.022644443437457085, -0.011139183305203915, 0.01635577157139778, -0.022396033629775047, -0.024017229676246643, 0.012897657230496407, 0.052767302840948105, -0.014002423733472824, 0.0077921985648572445, 0.020134204998612404, 0.014786873012781143, 0.008746611885726452, -0.008393609896302223, 0.014590760692954063, -0.00066719064489007, -0.005726481322199106, 0.013819385319948196, 0.009635655209422112, -0.019925016909837723, 0.022448331117630005, 0.021938437595963478, 0.013832460157573223, 0.029286114498972893, 0.014917614869773388, 0.0007681068382225931, -0.025154681876301765, -0.01832997053861618, -0.011374518275260925, -0.014120091684162617, -0.03749668598175049, -0.016251178458333015, 0.00955720990896225, -0.0001525999396108091, 0.01989886909723282, 0.005929131060838699, -2.4884311642381363e-05, -0.010603142902255058, 0.022657517343759537, -0.023376595228910446, -0.015741286799311638, 0.004095480311661959, 0.015492877922952175, 0.015074504539370537, 0.014290055260062218, 0.01720559224486351, 0.007164638955146074, 0.03132568299770355, 0.004066063091158867, 0.02281440608203411, -0.022827479988336563, 0.0013572610914707184, 0.01825152523815632, 0.01061621680855751, -0.02855396270751953, -0.004821096081286669, 0.002420353703200817, 0.005046625155955553, -0.03699987009167671, -0.02912922576069832, 0.03739209473133087, -0.0007795466808602214, 0.05122455209493637, 0.008367461152374744, -0.014773799106478691, -0.004196804948151112, 0.01674799621105194, -0.0033322761300951242, 0.017976967617869377, 0.0005188806680962443, 0.016865665093064308, -0.03284228593111038, 0.030881162732839584, -0.007772587239742279, -0.004507316276431084, -0.039327070116996765, 0.020591799169778824, 0.01792467199265957, 0.005942204967141151, -0.003533291397616267, 0.010949607938528061, -0.008576648309826851, 0.003961469978094101, -0.021781548857688904, 0.0289984829723835, -0.02274903655052185, -0.027586475014686584, -0.008759685792028904, 0.022029956802725792, -0.008805445395410061, 0.002101670950651169, -0.0336267352104187, -0.002701448043808341, -0.007609160151332617, -0.014590760692954063, -0.0037947744131088257, -0.01285189762711525, 0.010099787265062332, -0.013342178426682949, -0.018343044444918633, -0.014551538042724133, 0.017584742978215218, -0.014446944929659367, -0.0027733559254556894, -0.007576474919915199, -0.012963028624653816, -0.0051152645610272884, -0.010916922241449356, -0.007929476909339428, 0.006154660135507584, -0.011021515354514122], | |
# [-0.004517620895057917, 0.015371212735772133, 0.011116205714643002, -0.017698170617222786, -0.024998165667057037, 0.012166661210358143, 0.0012897989945486188, -0.015863198786973953, -0.016155729070305824, -0.031114738434553146, 0.012299629859626293, 0.028668109327554703, 0.017379043623805046, -0.011029776185750961, -0.009108374826610088, -0.016767386347055435, 0.014759555459022522, 0.005438430700451136, 0.006994167808443308, -0.03212530165910721, 0.010863564908504486, -0.022750990465283394, -0.008922218345105648, 0.006668393965810537, -0.003999041859060526, 0.002230554586276412, 0.006974222604185343, -0.023641882464289665, -0.02006501704454422, 0.0017751357518136501, 0.012485786341130733, -0.009979321621358395, -0.012399356812238693, -0.031327489763498306, -0.025663010776042938, 0.0011053045745939016, 0.017791248857975006, 0.001979575492441654, 0.016567934304475784, -0.007831872440874577, 0.03864078223705292, -0.009081780910491943, -0.015025493688881397, -0.001570696011185646, 0.01354953832924366, 0.012771669775247574, 0.0016679295804351568, -0.025064650923013687, -0.012525676749646664, -0.013323490507900715, 0.04076828807592392, 0.02705918624997139, -0.02800326608121395, -0.0003054130938835442, 0.0017069891327992082, 0.008782600052654743, -0.03207211568951607, 0.028056452050805092, 0.011309010908007622, -0.01386866346001625, 0.01331019401550293, 0.014453726820647717, -0.005312110297381878, -0.02022458054125309, -0.015477588400244713, -0.016700902953743935, -0.014334054663777351, 0.015318025834858418, 0.018522577360272408, -0.009966024197638035, 0.023455725982785225, 0.03842803090810776, -0.004753640852868557, 0.015530776232481003, -0.004909879062324762, -0.02779051475226879, 0.001751866191625595, 0.0003706510178744793, 0.0038993151392787695, 0.0006232920568436384, 0.016036057844758034, -0.029492517933249474, -0.012499082833528519, 0.03201892971992493, -0.004584105219691992, 0.031726397573947906, 0.004201819654554129, 0.00011936042574234307, -0.008869030512869358, -0.0010354958940297365, 0.011694621294736862, 0.014400539919734001, 0.01928050071001053, -0.00509603600949049, 0.02015809528529644, 0.0190411563962698, -0.0022571482695639133, 0.016408370807766914, -0.0206367839127779, -0.005481645930558443, -0.010105641558766365, 0.004969715140759945, -0.04201819375157356, -0.006751499604433775, -0.028668109327554703, 0.02652730979025364, -0.014653180725872517, -0.008829140104353428, 0.005262246821075678, -0.025436963886022568, 0.00504949688911438, 0.03877375274896622, 0.024599259719252586, -0.0064190770499408245, -0.012991068884730339, 0.013104092329740524, 0.02643423154950142, -0.014653180725872517, 0.012366114184260368, -0.02094261348247528, -0.0006486392812803388, -0.007506098598241806, 0.02671346627175808, -0.028694704174995422, 0.0035137049853801727, 0.005647857207804918, -0.017977405339479446, -0.006927683483809233, -0.004484378732740879, -0.017458826303482056, 0.009154913946986198, 0.03401346132159233, -0.011774402111768723, -0.005538157653063536, -0.00518578989431262, 0.006206326652318239, -0.02011820487678051, 0.017698170617222786, -0.00130725116468966, -0.014879227615892887, -0.006448994856327772, 0.029199985787272453, -0.01917412504553795, -0.0002233463164884597, -0.007978138513863087, 0.037603624165058136, -0.0012681916123256087, 0.0009507281356491148, -0.0101854233071208, -0.010165478102862835, 0.005122629459947348, -0.004068850539624691, -0.011827589944005013, 0.018230045214295387, -0.0037630219012498856, 0.015264838002622128, -0.001023861113935709, 0.004923176020383835, -0.022431865334510803, -0.02787029556930065, 0.029439330101013184, 0.0408746600151062, 0.012027043849229813, 0.021288331598043442, 0.005009606014937162, 0.02685973234474659, 0.006282784044742584, 0.012173308990895748, -0.0027890242636203766, -0.022897256538271904, -0.01999853365123272, 0.02658049762248993, -0.012106824666261673, 0.013709100894629955, 0.0005671957624144852, -0.002292052609845996, -0.011156097054481506, -0.013709100894629955, -0.007526043802499771, -0.03268377482891083, 0.010052453726530075, -0.011648082174360752, -0.0018299854127690196, -0.005814068019390106, -0.02018469013273716, -0.001466813962906599, 0.03382730484008789, 0.005285516381263733, -0.007293348200619221, -0.012219848111271858, 0.011069666594266891, 0.022445162758231163, -0.011122854426503181, -0.03284333646297455, -0.6556965708732605, 0.004983012098819017, 0.015810010954737663, -0.024439696222543716, 0.012199902907013893, 0.006169760134071112, 0.023296164348721504, 0.009454093873500824, 0.00331425154581666, 0.001815026393160224, 0.008456826210021973, 0.01377558521926403, 0.0043979487381875515, -0.009281233884394169, -0.001911428989842534, -0.003729779738932848, 0.00045167896314524114, 0.011269120499491692, -0.03816209360957146, 0.01307749841362238, 0.011628136038780212, 0.03438577428460121, 0.009301179088652134, 0.02588905766606331, -0.011767754331231117, 0.006296080537140369, -0.010630869306623936, -0.028216015547513962, -0.011927316896617413, 0.024346617981791496, -0.005973631050437689, 0.005358649417757988, 0.0274713896214962, 0.024838604032993317, 0.044331856071949005, -0.007951544597744942, -0.017831139266490936, 0.009959375485777855, 0.005474997218698263, 0.02755117043852806, -0.02784370258450508, -0.011880777776241302, 0.0017635009717196226, -0.015823308378458023, -0.011255823075771332, 0.030503081157803535, -0.010491251945495605, -0.002798996865749359, -0.012665294110774994, -0.00985964946448803, -0.002272107172757387, 0.019253907725214958, -0.022498350590467453, -0.013097443617880344, 0.02672676369547844, 0.006874495651572943, 0.012013746425509453, -0.00494644558057189, 0.004171901382505894, 0.015424400568008423, 0.01050454843789339, 0.010770486667752266, -0.031034957617521286, -0.015291431918740273, -0.04473076015710831, 0.01055773627012968, 0.001791756832972169, -0.004491026978939772, 0.015570666640996933, -0.013948445208370686, 0.021993067115545273, 0.023562101647257805, 0.01995864324271679, -0.002609516028314829, 0.007067300844937563, 0.006718257442116737, 0.037098344415426254, 0.008636334910988808, -0.014706368558108807, 0.0027823757845908403, 0.01922731287777424, -0.019160829484462738, -0.04321491718292236, -0.016647715121507645, 0.01978578232228756, 0.001816688571125269, -0.0096203051507473, -0.023562101647257805, -0.00984635204076767, -0.008616389706730843, 0.006212975364178419, 0.00981311034411192, 0.010949994437396526, -0.03560908883810043, 0.005644532851874828, 0.003030030522495508, -0.011860832571983337, 0.02010490745306015, -0.010484603233635426, 0.0074662077240645885, -0.006621854845434427, -0.018961375579237938, 0.007413019891828299, 0.022006364539265633, 0.036513280123472214, 0.010305095463991165, -0.007798630278557539, -0.0014119643019512296, 0.008403639309108257, -0.002795672509819269, 0.0012814884539693594, -0.006043439731001854, 0.011056370101869106, -0.02687302976846695, -0.02076975256204605, -0.023615289479494095, 0.016554636880755424, -0.003402343485504389, -0.023974305018782616, 0.0030084229074418545, 0.015889791771769524, 0.0003180867061018944, 0.01981237716972828, -0.03231145814061165, -0.0009050200460478663, 0.014201086014509201, 0.000771220016758889, -0.0002975180686917156, -0.0020543707069009542, -0.022804178297519684, 0.01014553289860487, 0.00700746476650238, 0.02755117043852806, -0.01019207201898098, 0.011754456907510757, -0.023854633793234825, 0.024519478902220726, -0.008091161958873272, 0.006947628688067198, -0.022458458319306374, 0.016169026494026184, -0.009174859151244164, -0.009926133789122105, -0.03502402827143669, -0.0021474489476531744, 0.015025493688881397, -0.02106228470802307, 0.004653913900256157, -0.03449214994907379, 0.014108007773756981, -0.011614839546382427, 2.9281741262821015e-06, -0.00695427693426609, 0.018482686951756477, 0.03358796238899231, 0.00019384382176212966, 0.01080372929573059, -0.04217775911092758, -0.018495984375476837, -0.03388049453496933, -0.005824041087180376, 0.023628586903214455, -0.016687605530023575, 0.0012415978126227856, -0.01928050071001053, -0.04704442247748375, -0.0009997604647651315, 0.009008647873997688, -0.044331856071949005, -0.0194400642067194, 0.024187056347727776, -0.010012563318014145, 0.02146119251847267, 0.04651254415512085, -0.003919260576367378, 0.008922218345105648, -0.017618387937545776, -0.011116205714643002, 0.023389242589473724, -0.004943121690303087, 0.017578497529029846, 0.02795007824897766, 0.01004580594599247, -0.009028593078255653, 0.03786956146359444, 0.0193070936948061, -0.008237428031861782, 0.02013150230050087, -0.037763189524412155, 0.008144349791109562, 0.025822574272751808, 0.01321711577475071, -0.01965281367301941, -0.03310927376151085, -0.003111473983153701, 0.014307461678981781, -0.00494644558057189, 0.008018028922379017, 0.0037397523410618305, 0.018695436418056488, 0.006568667013198137, 0.01292458362877369, -0.016793981194496155, 0.006425725296139717, 0.015570666640996933, -0.03279014676809311, 0.00019093512673862278, -0.028481952846050262, 0.013011014088988304, -0.003836154704913497, 0.011914019472897053, -0.007991435006260872, 0.004361382219940424, 0.00018002752040047199, -0.0015540748136118054, 0.030715832486748695, -0.007725497242063284, 0.025623120367527008, -0.006704960484057665, -0.022232411429286003, 0.0259422454982996, -0.008935514837503433, 0.03180617839097977, 0.003158013103529811, 0.006515479646623135, 0.00481015257537365, 0.0263411533087492, 0.029545705765485764, 0.00696092564612627, 0.010398173704743385, 0.0009922808967530727, 0.01362931914627552, 0.004720398690551519, 0.006382510531693697, 0.031327489763498306, 0.02781710773706436, 0.04693804681301117, -0.017432231456041336, 0.01345646008849144, -0.0035968106240034103, -0.010923400521278381, 0.030556268990039825, -0.0015341294929385185, -0.012731779366731644, 0.01912093721330166, 0.028162827715277672, 0.02789689041674137, 0.018402906134724617, -0.005531509406864643, -0.0076856063678860664, -0.009294531308114529, 0.006894441321492195, -0.02002512663602829, 0.011182690039277077, -0.004524269141256809, -0.013270303606987, 0.0070805978029966354, 0.013183873146772385, 0.03326883539557457, 0.012538974173367023, 0.014865931123495102, 0.004354733973741531, 0.0011792685836553574, -0.0030167335644364357, 0.01004580594599247, 0.002888750983402133, 0.024093978106975555, -0.014094711281359196, 0.023774851113557816, 0.013243709690868855, -0.012425950728356838, -0.03414643183350563, -0.004936472978442907, -0.03140727058053017, 0.012691888026893139, 0.016567934304475784, 0.0008052933262661099, 0.01945335976779461, 0.02010490745306015, 0.019067751243710518, -0.017644982784986496, -0.0137356948107481, 0.0011277430457994342, 0.023588694632053375, -0.0019130910513922572, -0.01297777146100998, -0.018416201695799828, 0.005069442093372345, 0.011528410017490387, 0.002907034009695053, -0.011262471787631512, 0.0019430090906098485, -0.007200269959867001, -0.017777951434254646, -0.01331019401550293, 0.016355182975530624, 0.04239050671458244, 0.028481952846050262, 0.015490884892642498, -0.008975405246019363, -0.014666477218270302, 0.006648448761552572, -0.024758823215961456, 0.011847535148262978, 0.04917192459106445, 0.008656280115246773, 0.01962622068822384, -0.02635445073246956, 0.007712200284004211, 0.004235061816871166, -0.016780683770775795, -0.023455725982785225, -0.011215932667255402, -0.00015353760682046413, -0.0040555535815656185, 0.012804911471903324, -0.01051784586161375, 0.015810010954737663, 0.023934414610266685, 0.009640250355005264, 0.010790431872010231, -0.044783949851989746, -0.00648888573050499, -0.004118714015930891, 0.021567566320300102, 0.016036057844758034, -0.006688339170068502, 0.00037397522828541696, -0.02061019092798233, 0.011408737860620022, -0.017871029675006866, -0.018761921674013138, 0.03837484493851662, -0.003377411747351289, -0.011521761305630207, 0.004597402177751064, 0.011794347316026688, -0.009221398271620274, 0.012917935848236084, 0.02668687328696251, 0.022963741794228554, -0.029944611713290215, -0.013057553209364414, -0.0033691013231873512, 0.0023352676071226597, -0.006143166217952967, 0.0038295064587146044, 0.016235511749982834, 0.017392341047525406, -0.018136966973543167, 0.016355182975530624, 0.007585879880934954, 0.011362198740243912, 0.008057919330894947, -0.018828406929969788, -0.008144349791109562, 0.00523232901468873, 0.010351634584367275, -0.011681323871016502, 0.050927117466926575, -0.0076856063678860664, -0.028801079839468002, 0.0008269007666967809, 0.010777135379612446, 0.002840549685060978, -0.017113106325268745, -0.0016646053409203887, -0.001441882224753499, 0.021727129817008972, -0.017671575769782066, 0.019147532060742378, 0.029572298750281334, 0.00971338339149952, 0.010298446752130985, 0.010983237065374851, -0.023788148537278175, -0.004514296539127827, -0.006036791484802961, 0.0032577398233115673, -0.003753049299120903, 0.001237442484125495, -0.005641208495944738, -0.02001182921230793, -0.03864078223705292, 0.001748541952110827, 0.015504182316362858, 0.006605233531445265, -0.02005172148346901, 0.0017551904311403632, -0.018429499119520187, -0.009427499957382679, -0.013529593124985695, -0.0201713927090168, 0.014094711281359196, 0.04231072589755058, -0.029545705765485764, -0.03271036595106125, -0.02045062743127346, 0.012871396727859974, 0.023841336369514465, 0.004231737460941076, 0.013522944413125515, -0.012166661210358143, 0.012273035943508148, -0.012153363786637783, -0.02604862116277218, 0.0018117022700607777, -0.04824114218354225, -0.03340180590748787, -0.015185056254267693, 0.007871762849390507, -0.004720398690551519, -0.024226946756243706, -0.02059689350426197, -0.025277402251958847, -0.00017358684272039682, 0.016966840252280235, -0.005252274218946695, 0.018017295747995377, 3.4748532925732434e-05, 0.009287882596254349, 0.002155759371817112, -0.01027185283601284, -0.025569932535290718, -0.00961365643888712, -0.006123221013695002, -0.0061531392857432365, -0.00019425935170147568, 0.008496717549860477, -0.016913652420043945, 0.00537527073174715, 0.0012557257432490587, 0.02014479972422123, -0.02802985906600952, 0.016328589990735054, -0.028960641473531723, 0.00951392948627472, -0.00033117583370767534, 0.017285965383052826, 0.017059918493032455, 0.00951392948627472, 0.036672841757535934, 0.025729496031999588, 0.037417467683553696, -0.0021042339503765106, -0.01913423463702202, 0.02755117043852806, 0.0013770598452538252, 0.005016254261136055, 0.00042446187580935657, 0.007379777729511261, -0.023987602442502975, -0.0011377157643437386, 0.006608557887375355, -0.0263411533087492, 0.025729496031999588, -0.008516662754118443, 0.014413836412131786, -0.024240244179964066, 0.008084513247013092, 0.015690337866544724, 0.0013296897523105145, -0.02119525335729122, -0.007399723399430513, -0.0030782315880060196, -0.014161195605993271, 0.009274586103856564, -0.01959962584078312, 0.006568667013198137, -0.024000899866223335, -0.011162744835019112, -0.005388567689806223, -0.004018987063318491, 0.023242976516485214, -0.0012981095351278782, -0.009779867716133595, -0.030396707355976105, -0.006159787531942129, 0.017113106325268745, -0.00686784740537405, 0.004886609502136707, -0.008789248764514923, 0.02015809528529644, 0.0009922808967530727, 0.017591794952750206, -0.007911654189229012, 0.014839337207376957, -0.008948811329901218, 0.007765388116240501, 0.008476771414279938, -0.0036533225793391466, -0.013389975763857365, -0.006246217526495457, -0.030901988968253136, 0.02068997174501419, 0.013197170570492744, 0.014174492098391056, -0.017538607120513916, 0.01994534581899643, 0.024226946756243706, 0.0006827125325798988, 0.009361015632748604, -0.014294164255261421, -0.022498350590467453, -0.023708367720246315, 0.02651401236653328, -0.0016596189234405756, 0.025982137769460678, -0.024373212829232216, -0.007931599393486977, 0.005611290689557791, -0.016634417697787285, 0.00026427581906318665, -0.0003334612410981208, 0.009733328595757484, -0.023096710443496704, -0.004075498785823584, -0.009540523402392864, -0.00967349298298359, -0.019094344228506088, 0.002338591730222106, -0.02610180899500847, -0.0020593570079654455, -0.01929379813373089, 0.0006158125470392406, 0.01003915723413229, 0.008097810670733452, 0.029120204970240593, 0.012239793315529823, -0.004896582569926977, -0.024772118777036667, -0.02643423154950142, -0.008536607958376408, -0.005651181098073721, -0.017099808901548386, -0.014440430328249931, -0.010670759715139866, -0.013330139219760895, -0.008051271550357342, 0.029439330101013184, -0.0012000449933111668, 0.004278276581317186, -0.02011820487678051, -0.018655546009540558, -0.014919118955731392, -0.028348984196782112, 0.024572664871811867, -0.016754090785980225, 0.028322391211986542, 0.0030499757267534733, 0.007087246049195528, -0.02723204530775547, 0.009886243380606174, 0.043534040451049805, 0.0015947965439409018, 0.022205818444490433, 0.0213016290217638, -0.007818575017154217, -0.02139470726251602, 0.003975772298872471, -0.003433923702687025, 0.015331322327256203, -0.04172566160559654, 0.02591565251350403, -0.006901089567691088, -0.014786149375140667, -0.004168577026575804, -0.005192438140511513, -0.02725863829255104, 0.0029402764048427343, -0.025516744703054428, 0.007885060273110867, 0.018921485170722008, -0.009301179088652134, 0.0016321941511705518, 0.03302949294447899, -0.011395440436899662, 0.018655546009540558, -0.030210550874471664, -0.007532692048698664, -0.002837225329130888, -0.003972447942942381, -0.012239793315529823, 0.011149448342621326, -0.00130725116468966, 0.022657912224531174, -0.01392185129225254, -0.03140727058053017, 0.008310561068356037, 0.03348158672451973, 0.011023127473890781, 0.0002051669725915417, 0.011202636174857616, 0.02741820178925991, -0.03321564942598343, -0.024226946756243706, 0.017990700900554657, 0.006246217526495457, 0.01330354530364275, -0.030050987377762794, -0.011189338751137257, -0.00653210049495101, 0.016328589990735054, 0.012565568089485168, 0.037683404982089996, -0.014613290317356586, -0.009540523402392864, -0.003269374603405595, 0.0013670872431248426, -0.03550271689891815, -0.03345499187707901, -0.006881144363433123, 0.024918384850025177, -0.013948445208370686, -0.0067581478506326675, 0.0012956163845956326, 0.016953542828559875, 0.022684507071971893, 0.007459559477865696, -0.017405638471245766, 0.015158462338149548, 0.008144349791109562, -0.010730596259236336, 0.03276355564594269, -0.002024452667683363, -0.010817025788128376, -0.018043888732790947, 0.02009161189198494, -0.03233805298805237, 0.008064568042755127, 0.017325857654213905, -0.013190521858632565, -0.01921401545405388, -0.012804911471903324, 0.017379043623805046, 0.014240976423025131, -0.02787029556930065, -0.009972672909498215, 0.016222214326262474, 0.007233512122184038, 0.01947995461523533, 0.01009899377822876, -0.01994534581899643, 0.030396707355976105, -0.02721874788403511, -0.008463474921882153, 0.004657238256186247, -0.036726031452417374, -0.007905005477368832, -0.01311738882213831, 0.02022458054125309, 0.010664111003279686, -0.025676308199763298, -0.029944611713290215, -0.017006730660796165, 0.030636051669716835, -0.016740793362259865, 0.0014103021239861846, -0.012512380257248878, -0.011262471787631512, -0.001929712132550776, 0.016926949843764305, 0.02074315957725048, 0.018722031265497208, 0.0006926852511242032, 0.00960700772702694, 0.01348970178514719, 0.009055186994373798, -0.01934698596596718, -0.0008148505003191531, -0.0066850148141384125, -0.03917266055941582, -0.036726031452417374, -0.015663744881749153, -0.028801079839468002, -0.001751866191625595, -0.003560244105756283, -0.0010014225263148546, -0.01957303285598755, 0.022711100056767464, -0.04669870063662529, -0.00258957059122622, 0.014786149375140667, 0.012711833231151104, 0.030901988968253136, 0.03292311728000641, -0.0002725863887462765, 0.030901988968253136, -0.010577681474387646, 0.018150264397263527, -0.037231311202049255, 0.008057919330894947, -0.016222214326262474, -0.006149814929813147, 0.018602358177304268, 0.0074462625198066235, -0.015158462338149548, -0.006927683483809233, -0.005970306694507599, -0.029492517933249474, 0.009646899066865444, 0.028614923357963562, -0.0028355633839964867, -0.024014195427298546, -0.012578864581882954, 0.01947995461523533, 0.02007831446826458, 0.004973039496690035, 0.005242301616817713, -0.044278666377067566, -0.0027823757845908403, 0.01369580440223217, -0.016754090785980225, -0.018296530470252037, 0.022790880873799324, 0.007486152928322554, 0.0006257852073758841, -0.028721297159790993, -0.005415161140263081, 0.004574132617563009, 0.022099442780017853, -0.02135481685400009, 0.03244442865252495, -0.001522494712844491, -0.001680395333096385, 0.018136966973543167, -0.004869988653808832, -0.005697720218449831, -0.021953176707029343, -0.0061032758094370365, -0.006571991369128227, 0.005451727658510208, -0.01035828236490488, -0.007712200284004211, -0.03321564942598343, -0.009414203464984894, 0.002749133389443159, -0.01966611109673977, -0.009321125224232674, 0.009460742585361004, 0.01959962584078312, -0.025583229959011078, 0.000226878299145028, -0.007299996446818113, -0.014772852882742882, 0.017472121864557266, 0.016222214326262474, -0.008908920921385288, -0.016793981194496155, 0.007765388116240501, -0.015012197196483612, -0.016541339457035065, 0.005036199931055307, 0.007359832525253296, -0.004693804774433374, -0.02652730979025364, -0.021341519430279732, -0.012186606414616108, -0.011309010908007622, 0.003902639262378216, 0.19487932324409485, 0.017325857654213905, -0.004966391250491142, 0.03185936436057091, -0.003932557534426451, -0.005980279296636581, 0.02709907665848732, 0.0038095610216259956, -0.015570666640996933, 0.021647348999977112, -0.01958633027970791, -0.004075498785823584, 0.0009889567736536264, 0.003520353464409709, 0.01014553289860487, -0.015756823122501373, -0.042576663196086884, -0.02679324708878994, -0.0016936922911554575, 0.0003820780257228762, -0.012100175954401493, -0.01031839195638895, -0.01061092410236597, -0.004647265654057264, 0.036779217422008514, -0.02693951316177845, -0.0030134092085063457, 0.0010886834934353828, 0.014280867762863636, 0.024452993646264076, 0.0032228354830294847, -0.024918384850025177, 0.005225680768489838, 0.004514296539127827, -0.0195065476000309, 0.02035754919052124, -0.00696092564612627, -0.009779867716133595, 0.014879227615892887, 0.0007803616463206708, -0.0067082843743264675, 0.006568667013198137, 0.007931599393486977, 0.011953910812735558, 0.008875679224729538, 0.0038328305818140507, -0.010152180679142475, -0.007725497242063284, -0.0008559877751395106, 0.0027591062244027853, -0.0030383409466594458, -0.012286332435905933, -0.0013006028020754457, -0.0022155954502522945, -0.007858466356992722, 0.004707101732492447, 0.004338112659752369, 0.012618754990398884, -0.0036466741003096104, -0.010677408427000046, 0.004477730020880699, -0.004258331377059221, -0.007359832525253296, 0.02818942256271839, -0.018961375579237938, 0.018628953024744987, -0.022804178297519684, 0.0396779403090477, -0.005159195978194475, 0.010963291861116886, -0.00994607899338007, 0.016514746472239494, 0.005720989778637886, 0.0025413695257157087, 0.012745075859129429, -0.0015557369915768504, 0.004843394737690687, 0.0034173026215285063, 0.018323123455047607, 0.018615655601024628, -0.00700746476650238, -0.021687239408493042, -0.02797667123377323, 0.005850634537637234, -0.018123671412467957, -0.008257373236119747, 0.0402098149061203, -0.008888975717127323, -0.01978578232228756, 0.007765388116240501, 0.004627319984138012, 0.0029635459650307894, -0.012000449933111668, -0.030981769785284996, 0.004268303979188204, 0.004268303979188204, 0.004411245696246624, 0.0020826265681535006, -0.029572298750281334, -0.04520944878458977, -0.018761921674013138, 0.04292238503694534, 0.03478468209505081, -0.01987886056303978, -0.006292756646871567, -0.0036001349799335003, -0.011461925692856312, 0.03308267891407013, 0.018017295747995377, 0.003656646702438593, 0.010584330186247826, -0.030210550874471664, -0.003044989425688982, -0.017232779413461685, -0.0274713896214962, -0.005202411208301783, -0.005195762496441603, -0.018655546009540558, 0.024891791865229607, -0.006452319212257862, 0.01023196242749691, -0.008217482827603817, 0.018150264397263527, -0.005122629459947348, 0.005976955406367779, -0.016009464859962463, -0.023070115596055984, 0.008902272209525108, -0.011594894342124462, -0.044172290712594986, 0.013655913062393665, -0.03858759626746178, 0.012651997618377209, 0.000521903217304498, -0.024333322420716286, 0.006688339170068502, 0.00041635907837189734, 0.006505507044494152, -0.017219481989741325, 0.007791981566697359, 0.010052453726530075, 0.001981237670406699, 0.03271036595106125, 0.012838154099881649, 0.004534241743385792, -0.0032594020012766123, 0.014493618160486221, 0.029306361451745033, -0.028668109327554703, -0.008908920921385288, 0.003570216940715909, -0.01959962584078312, 0.023149898275732994, -0.014214382506906986, 0.029199985787272453, -0.00522900465875864, -0.0028754540253430605, -0.014267570339143276, -0.018176857382059097, 0.005963658448308706, -0.044278666377067566, -0.0036998616997152567, 0.025476854294538498, 0.012645348906517029, -0.0006557032465934753, -0.025636417791247368, -0.1683918982744217, 0.02608851157128811, -0.007778684608638287, -0.04124697297811508, 0.028880860656499863, 0.012166661210358143, 0.01321046706289053, -0.002388455206528306, -0.016328589990735054, -9.162392962025478e-05, -0.03185936436057091, -0.006801363080739975, -0.02075645700097084, -0.01921401545405388, 0.004720398690551519, -0.023442430421710014, 0.024546071887016296, 0.008310561068356037, 0.02671346627175808, 0.01336338184773922, 0.04685826599597931, -0.05406518280506134, 0.03260399028658867, -0.01335008442401886, 8.4975479694549e-05, -0.004118714015930891, 0.009480687789618969, -0.00022812488896306604, -0.006183057092130184, -0.029652079567313194, -0.004208467900753021, 0.0005838169017806649, 0.044597793370485306, 0.0028073072899132967, -0.011568300426006317, 0.013290248811244965, -0.004587429575622082, 0.001296447473578155, -0.008682874031364918, 0.016767386347055435, 0.0076856063678860664, 0.03893331438302994, 0.009733328595757484, 0.030237143859267235, 0.007612473797053099, 0.01027850154787302, 0.023136600852012634, -0.030636051669716835, 0.003570216940715909, -0.007459559477865696, 0.0023020252119749784, -0.02628796547651291, -0.003839479060843587, -0.025928949937224388, -0.015557369217276573, -0.00654207356274128, 0.015504182316362858, 0.010251907631754875, -0.02600873075425625, -0.02070326916873455, -0.00022355408873409033, -0.018735328689217567, 0.017817841842770576, 0.008097810670733452, 0.0004778572474606335, -0.0022604723926633596, -0.0008709467365406454, 0.013516295701265335, -0.0024416428059339523, 0.024546071887016296, -0.03196574002504349, 0.014054819941520691, -0.0040056901052594185, 0.02779051475226879, 0.01031839195638895, 0.02716556005179882, 0.009208100847899914, 0.02588905766606331, -0.016860464587807655, 0.010059102438390255, -0.015464290976524353, 0.02620818465948105, -0.011814293451607227, 0.008736060932278633, -0.0038660727441310883, 0.003003436606377363, 0.004314843099564314, 0.010790431872010231, -0.0025646390859037638, -0.016115838661789894, 0.03465171530842781, -0.03507721424102783, 0.007319941651076078, 0.025450261309742928, 0.011428683064877987, 0.008004732429981232, 0.006089978851377964, -0.005917119327932596, 0.010763837955892086, 0.021899988874793053, -0.01934698596596718, -0.01945335976779461, -0.03353477269411087, -0.006266162730753422, 0.011734511703252792, 0.008037974126636982, -0.0013911878922954202, -0.0035569199826568365, 0.03284333646297455, -0.00946739036589861, -0.010644165799021721, 0.013669210486114025, 0.015903089195489883, 0.021727129817008972, 0.0009781529661267996, 0.002902047708630562, 0.02034425176680088, -0.0013338449643924832, 0.017897622659802437, -0.006552046164870262, 0.049251705408096313, -0.03595481067895889, -0.017312560230493546, 0.0213016290217638, 0.0392790324985981, 0.008317208848893642, -0.11105568706989288, -0.025463558733463287, 0.023362647742033005, 0.008516662754118443, 0.002272107172757387, 0.011741160415112972, 0.002253824146464467, 0.018894890323281288, 0.0007633250206708908, 0.018801812082529068, -0.02656720019876957, -0.016262104734778404, 0.0011975518427789211, -0.012406004592776299, -0.009141616523265839, 0.012824857607483864, -0.005910470616072416, -0.001820012810640037, -0.029093610122799873, 0.030024394392967224, 0.009168210439383984, -0.023110007867217064, 0.009088428691029549, -0.017671575769782066, -0.010783783160150051, 0.010251907631754875, -0.005624587647616863, 0.02118195779621601, 0.015291431918740273, 0.0193070936948061, 0.012346168980002403, -0.0053918915800750256, -0.004554187413305044, -0.01986556500196457, 0.01913423463702202, -0.0029419385828077793, -0.04760289192199707, -0.02084953524172306, 0.04098103567957878, -0.0021258413325995207, 0.014865931123495102, 0.011395440436899662, 0.007306645158678293, -0.0021291656885296106, -0.007260105572640896, -0.02108887955546379, -0.029093610122799873, 0.014759555459022522, 0.017578497529029846, -0.014280867762863636, -0.015730230137705803, -0.0026510688476264477, -0.021886693313717842, -0.018363015726208687, 0.011608190834522247, -0.008443529717624187, 0.013948445208370686, 0.030210550874471664, -0.015118571929633617, 0.02596884034574032, -0.00995272770524025, -0.007599176838994026, 0.017206184566020966, 0.014653180725872517, 0.010983237065374851, 0.002388455206528306, -0.016674308106303215, -0.024625852704048157, -0.022152630612254143, -0.024014195427298546, -0.02107558213174343, -0.007526043802499771, -0.02136811427772045, 0.0010961629450321198, -0.018243342638015747, 0.01918742246925831, -0.007652364205569029, -0.017618387937545776, 0.0028538466431200504, 0.00019093512673862278, -0.022604724392294884, -0.0033009545877575874, -0.028481952846050262, -0.009460742585361004, 0.014932415448129177, 0.017565200105309486, 0.018495984375476837, -0.012771669775247574, 0.0012133418349549174, -0.03231145814061165, -0.004281600937247276, 0.012598809786140919, -0.00010196019138675183, -0.01989215798676014, -0.0006295249913819134, 0.01893478073179722, -0.021753722801804543, -0.008111107163131237, 0.013429866172373295, 0.002479871269315481, 0.005109332501888275, -0.01989215798676014, -0.03316245973110199, 0.012286332435905933, -0.002341916086152196, -0.002995125949382782, 0.011249175295233727, -0.015371212735772133, 0.007432965561747551, -0.01993204839527607, -0.02787029556930065, 0.00995272770524025, -0.017844436690211296, 0.01969270408153534, -0.005159195978194475, -0.004191846586763859, -0.03786956146359444, 0.028109639883041382, -0.007998083718121052, -0.007931599393486977, 0.010484603233635426, -0.004537566099315882, -0.0019363606115803123, 0.001999520929530263, -0.010531142354011536, 0.025184322148561478, -0.0058107441291213036, -0.005205735098570585, -0.017352450639009476, 0.022937146946787834, -0.016714200377464294, -0.0036965373437851667, 0.017950810492038727, -0.04278941452503204, 0.016355182975530624, -0.011501816101372242, 0.0008825815166346729, -0.013529593124985695, -0.0021873395889997482, 0.012678591534495354, 0.028295796364545822, 0.017259372398257256, -0.030104175209999084, -0.02112876996397972, 0.00014678527077194303, -0.024067383259534836, 0.011382143944501877, 0.012066934257745743, 0.0031430539675056934, -0.0009149927063845098, 0.0006482237367890775, 0.0010836970759555697, 0.028774484992027283, 0.02033095620572567, -0.013436514884233475, -0.016328589990735054, -0.006658421363681555, -0.011741160415112972, 0.011441979557275772, 0.009267937391996384, -0.023628586903214455, -0.008736060932278633, 0.017299262806773186, 0.005651181098073721, 0.01973259449005127, 0.001751866191625595, 0.006555370055139065, -0.019147532060742378, -0.018615655601024628, 0.0027640925254672766, 0.0194400642067194, -0.0203708466142416, -0.0008701157057657838, -0.01362931914627552, 0.01009899377822876, -0.013669210486114025, 0.02784370258450508, 0.0010886834934353828, 0.015703635290265083, -0.006342620123177767, -0.006229596212506294, -0.0019646165892481804, 0.018283233046531677, -0.016368480399250984, -0.013463107869029045, 0.01962622068822384, 0.05199086666107178, 0.009015296585857868, 0.016940247267484665, 0.036167558282613754, 0.003344169585034251, 0.006798038724809885, -0.006276135332882404, 0.0024931682273745537, -0.015996167436242104, 0.005544805899262428, 0.00981311034411192, 0.00518246553838253, -0.02070326916873455, 0.04239050671458244, 0.0194400642067194, 0.002110882429406047, 0.0026211508084088564, 0.012120122089982033, -0.008942163549363613, -0.021926583722233772, -0.03853440657258034, -0.006362565327435732, -0.023721665143966675, -0.03653987497091293, -0.018057186156511307, 0.02709907665848732, -0.007765388116240501, 0.006645124405622482, 0.02160745859146118, -0.0031746341846883297, -0.024532774463295937, 0.024160461500287056, -0.024452993646264076, -0.008616389706730843, -0.0106508145108819, -0.006113248411566019, -7.136694330256432e-05, 0.012791614979505539, 0.02615499682724476, 0.0036965373437851667, 0.030449895188212395, 0.007878411561250687, 0.001511691021732986, -0.03515699505805969, 0.01898796856403351, 0.003836154704913497, 0.00499630905687809, -0.024320024996995926, -0.01315727923065424, -0.008822491392493248, -0.014533508569002151, -0.02626137249171734, -0.007266754284501076, 0.0034405721817165613, -0.011036424897611141, 0.07398393750190735, 0.015663744881749153, 0.0014551791828125715, -0.004245034419000149, -0.002790686208754778, -0.003975772298872471, 0.01315727923065424, -0.009886243380606174, 0.01051119714975357, -0.023349350318312645, 0.029652079567313194, 0.017418935894966125, -0.00677476916462183, -0.03592821583151817, 0.012253090739250183, -0.0043946243822574615, -0.007000816520303488, 0.0013313518138602376, -0.008583147078752518, -0.0036965373437851667, 0.008310561068356037, -0.0012083555338904262, 0.004338112659752369, -0.018416201695799828, -0.000921641185414046, -0.007931599393486977, 0.00532873161137104, -0.017698170617222786, -0.002135814167559147, -0.028641516342759132, 0.0106508145108819, 0.012080230750143528, -0.02079634740948677, -0.005863931495696306, 0.02146119251847267, -0.0017369071720167994, -0.003839479060843587, -0.018203452229499817, 0.006794714368879795, 0.03441236913204193, -0.011747808195650578, 0.0025995434261858463, -0.016421668231487274, 0.0005996069521643221, -0.029226580634713173, 0.0015075356932356954, -0.011874129064381123, -0.012479137629270554, -0.017033325508236885] | |
# ] | |
# index = linear_search(1,metrics_embedding,examples_embedding) | |
# print(index) | |
# str1 = "n_bad_tup" | |
# str2 = "many bad tuples" | |
# print(editdistance.eval('n_bad_tup', 'many_bad_tuples')/max(len(str1), len(str2))) | |