You cannot select more than 25 topics Topics must start with a letter or number, can include dashes ('-') and can be up to 35 characters long.
openai-cookbook/examples/Customizing_embeddings.ipynb

20994 lines
726 KiB
Plaintext

{
"cells": [
{
"cell_type": "markdown",
"metadata": {
"id": "Vq31CdSRpgkI"
},
"source": [
"# Customizing embeddings\n",
"\n",
"This notebook demonstrates one way to customize OpenAI embeddings to a particular task.\n",
"\n",
"The input is training data in the form of [text_1, text_2, label] where label is +1 if the pairs are similar and -1 if the pairs are dissimilar.\n",
"\n",
"The output is a matrix that you can use to multiply your embeddings. The product of this multiplication is a 'custom embedding' that will better emphasize aspects of the text relevant to your use case. In binary classification use cases, we've seen error rates drop by as much as 50%.\n",
"\n",
"In the following example, I use 1,000 sentence pairs picked from the SNLI corpus. Each pair of sentences are logically entailed (i.e., one implies the other). These pairs are our positives (label = 1). We generate synthetic negatives by combining sentences from different pairs, which are presumed to not be logically entailed (label = -1).\n",
"\n",
"For a clustering use case, you can generate positives by creating pairs from texts in the same clusters and generate negatives by creating pairs from sentences in different clusters.\n",
"\n",
"With other data sets, we have seen decent improvement with as little as ~100 training examples. Of course, performance will be better with more examples."
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "arB38jFwpgkK"
},
"source": [
"# 0. Imports"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"id": "ifvM7g4apgkK"
},
"outputs": [],
"source": [
"# imports\n",
"from typing import List, Tuple # for type hints\n",
"\n",
"import numpy as np # for manipulating arrays\n",
"import pandas as pd # for manipulating data in dataframes\n",
"import pickle # for saving the embeddings cache\n",
"import plotly.express as px # for plots\n",
"import random # for generating run IDs\n",
"from sklearn.model_selection import train_test_split # for splitting train & test data\n",
"import torch # for matrix optimization\n",
"\n",
"from openai.embeddings_utils import get_embedding, cosine_similarity # for embeddings\n"
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "DtBbryAapgkL"
},
"source": [
"## 1. Inputs\n",
"\n",
"Most inputs are here. The key things to change are where to load your datset from, where to save a cache of embeddings to, and which embedding engine you want to use.\n",
"\n",
"Depending on how your data is formatted, you'll want to rewrite the process_input_data function."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"id": "UzxcWRCkpgkM"
},
"outputs": [],
"source": [
"# input parameters\n",
"embedding_cache_path = \"snli_embedding_cache.pkl\" # embeddings will be saved/loaded here\n",
"default_embedding_engine = \"babbage-similarity\" # choice of: ada, babbage, curie, davinci (curie is often a good starting point)\n",
"num_pairs_to_embed = 1000 # 1000 is arbitrary - I've gotten it to work with as little as ~100\n",
"\n",
"local_dataset_path = \"snli_train.csv\" # from: https://nlp.stanford.edu/projects/snli/\n",
"\n",
"def process_input_data(df: pd.DataFrame) -> pd.DataFrame:\n",
" # you can customize this to preprocess your own dataset\n",
" # output should be a dataframe with 3 columns: text_1, text_2, label (1 for similar, -1 for dissimilar)\n",
" df = df[df[\"label\"].isin([\"entailment\"])]\n",
" df[\"label\"] = df[\"label\"].apply(lambda x: {\"entailment\": 1, \"contradiction\": -1}[x])\n",
" df = df.rename(columns={\"sentence1\": \"text_1\", \"sentence2\": \"text_2\"})\n",
" df = df[[\"text_1\", \"text_2\", \"label\"]]\n",
" df = df.head(num_pairs_to_embed)\n",
" return df"
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "aBbH71hEpgkM"
},
"source": [
"## 2. Load and process input data"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"id": "kAKLjYG6pgkN",
"outputId": "dc178688-e97d-4ad0-b26c-dff67b858966"
},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"/var/folders/r4/x3kdvs816995fnnph2gdpwp40000gn/T/ipykernel_46384/2274810038.py:12: SettingWithCopyWarning:\n",
"\n",
"\n",
"A value is trying to be set on a copy of a slice from a DataFrame.\n",
"Try using .loc[row_indexer,col_indexer] = value instead\n",
"\n",
"See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n",
"\n"
]
},
{
"data": {
"text/html": [
"<div>\n",
"<style scoped>\n",
" .dataframe tbody tr th:only-of-type {\n",
" vertical-align: middle;\n",
" }\n",
"\n",
" .dataframe tbody tr th {\n",
" vertical-align: top;\n",
" }\n",
"\n",
" .dataframe thead th {\n",
" text-align: right;\n",
" }\n",
"</style>\n",
"<table border=\"1\" class=\"dataframe\">\n",
" <thead>\n",
" <tr style=\"text-align: right;\">\n",
" <th></th>\n",
" <th>text_1</th>\n",
" <th>text_2</th>\n",
" <th>label</th>\n",
" </tr>\n",
" </thead>\n",
" <tbody>\n",
" <tr>\n",
" <th>1</th>\n",
" <td>A person on a horse jumps over a broken down a...</td>\n",
" <td>A person is at a diner, ordering an omelette.</td>\n",
" <td>-1</td>\n",
" </tr>\n",
" <tr>\n",
" <th>2</th>\n",
" <td>A person on a horse jumps over a broken down a...</td>\n",
" <td>A person is outdoors, on a horse.</td>\n",
" <td>1</td>\n",
" </tr>\n",
" <tr>\n",
" <th>4</th>\n",
" <td>Children smiling and waving at camera</td>\n",
" <td>There are children present</td>\n",
" <td>1</td>\n",
" </tr>\n",
" <tr>\n",
" <th>5</th>\n",
" <td>Children smiling and waving at camera</td>\n",
" <td>The kids are frowning</td>\n",
" <td>-1</td>\n",
" </tr>\n",
" <tr>\n",
" <th>6</th>\n",
" <td>A boy is jumping on skateboard in the middle o...</td>\n",
" <td>The boy skates down the sidewalk.</td>\n",
" <td>-1</td>\n",
" </tr>\n",
" </tbody>\n",
"</table>\n",
"</div>"
],
"text/plain": [
" text_1 \\\n",
"1 A person on a horse jumps over a broken down a... \n",
"2 A person on a horse jumps over a broken down a... \n",
"4 Children smiling and waving at camera \n",
"5 Children smiling and waving at camera \n",
"6 A boy is jumping on skateboard in the middle o... \n",
"\n",
" text_2 label \n",
"1 A person is at a diner, ordering an omelette. -1 \n",
"2 A person is outdoors, on a horse. 1 \n",
"4 There are children present 1 \n",
"5 The kids are frowning -1 \n",
"6 The boy skates down the sidewalk. -1 "
]
},
"execution_count": 13,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"# load data\n",
"df = pd.read_csv(local_dataset_path)\n",
"\n",
"# process input data\n",
"df = process_input_data(df) # this demonstrates training data containing only positives\n",
"\n",
"# view data\n",
"df.head()"
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "z2F1cCoYpgkO"
},
"source": [
"## 3. Split data into training test sets\n",
"\n",
"Note that it's important to split data into training and test sets *before* generating synethetic negatives or positives. You don't want any text strings in the training data to show up in the test data. If there's contamination, the test metrics will look better than they'll actually be in production."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"id": "50QmnH2qpgkO",
"outputId": "6144029b-eb29-439e-9990-7aeb28168e56"
},
"outputs": [
{
"name": "stderr",
"output_type": "stream",
"text": [
"/Users/ted/.virtualenvs/openai/lib/python3.9/site-packages/pandas/core/indexing.py:1667: SettingWithCopyWarning:\n",
"\n",
"\n",
"A value is trying to be set on a copy of a slice from a DataFrame.\n",
"Try using .loc[row_indexer,col_indexer] = value instead\n",
"\n",
"See the caveats in the documentation: https://pandas.pydata.org/pandas-docs/stable/user_guide/indexing.html#returning-a-view-versus-a-copy\n",
"\n"
]
}
],
"source": [
"# split data into train and test sets\n",
"test_fraction = 0.5 # 0.5 is fairly arbitrary\n",
"random_seed = 123 # random seed is arbitrary, but is helpful in reproducibility\n",
"train_df, test_df = train_test_split(\n",
" df, test_size=test_fraction, stratify=df[\"label\"], random_state=random_seed\n",
")\n",
"train_df.loc[:, \"dataset\"] = \"train\"\n",
"test_df.loc[:, \"dataset\"] = \"test\"\n"
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "MzAFkA2opgkP"
},
"source": [
"## 4. Generate synthetic negatives\n",
"\n",
"This is another piece of the code that you will need to modify to match your use case.\n",
"\n",
"If you have data with positives and negatives, you can skip this section.\n",
"\n",
"If you have data with only positives, you can mostly keep it as is, where it generates negatives only.\n",
"\n",
"If you have multiclass data, you will want to generate both positives and negatives. The positives can be pairs of text that share labels, and the negatives can be pairs of text that do not share labels.\n",
"\n",
"The final output should be a dataframe with text pairs, where each pair is labeled -1 or 1."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"id": "rUYd9V0zpgkP"
},
"outputs": [],
"source": [
"# generate negatives\n",
"def dataframe_of_negatives(dataframe_of_positives: pd.DataFrame) -> pd.DataFrame:\n",
" \"\"\"Return dataframe of negative pairs made by combining elements of positive pairs.\"\"\"\n",
" texts = set(dataframe_of_positives[\"text_1\"].values) | set(dataframe_of_positives[\"text_2\"].values)\n",
" all_pairs = {(t1, t2) for t1 in texts for t2 in texts if t1 < t2}\n",
" positive_pairs = set(tuple(text_pair) for text_pair in dataframe_of_positives[[\"text_1\", \"text_2\"]].values)\n",
" negative_pairs = all_pairs - positive_pairs\n",
" df_of_negatives = pd.DataFrame(list(negative_pairs), columns=[\"text_1\", \"text_2\"])\n",
" df_of_negatives['label'] = -1\n",
" return df_of_negatives"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"id": "Rkh8-J89pgkP"
},
"outputs": [],
"source": [
"negatives_per_positive = 1 # it will work at higher values too, but more data will be slower\n",
"# generate negatives for training dataset\n",
"train_df_negatives = dataframe_of_negatives(train_df)\n",
"train_df_negatives[\"dataset\"] = \"train\"\n",
"# generate negatives for test dataset\n",
"test_df_negatives = dataframe_of_negatives(test_df)\n",
"test_df_negatives[\"dataset\"] = \"test\"\n",
"# sample negatives and combine with positives\n",
"train_df = pd.concat([train_df, train_df_negatives.sample(n=len(train_df) * negatives_per_positive, random_state=random_seed)])\n",
"test_df = pd.concat([test_df, test_df_negatives.sample(n=len(test_df) * negatives_per_positive, random_state=random_seed)])\n",
"\n",
"df = pd.concat([train_df, test_df])"
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "8MVSLMSrpgkQ"
},
"source": [
"## 5. Calculate embeddings and cosine similarities\n",
"\n",
"Here, I create a cache to save the embeddings. This is handy so that you don't have to pay again if you want to run the code again."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"id": "R6tWgS_ApgkQ"
},
"outputs": [],
"source": [
"# establish a cache of embeddings to avoid recomputing\n",
"# cache is a dict of tuples (text, engine) -> embedding\n",
"try:\n",
" with open(embedding_cache_path, \"rb\") as f:\n",
" embedding_cache = pickle.load(f)\n",
"except FileNotFoundError:\n",
" embedding_cache = {}\n",
"\n",
"\n",
"# this function will get embeddings from the cache and save them there afterward\n",
"def get_embedding_with_cache(\n",
" text: str,\n",
" engine: str = default_embedding_engine,\n",
" embedding_cache: dict = embedding_cache,\n",
" embedding_cache_path: str = embedding_cache_path,\n",
") -> list:\n",
" if (text, engine) not in embedding_cache.keys():\n",
" # if not in cache, call API to get embedding\n",
" embedding_cache[(text, engine)] = get_embedding(text, engine)\n",
" # save embeddings cache to disk after each update\n",
" with open(embedding_cache_path, \"wb\") as embedding_cache_file:\n",
" pickle.dump(embedding_cache, embedding_cache_file)\n",
" return embedding_cache[(text, engine)]\n",
"\n",
"\n",
"# create column of embeddings\n",
"for column in [\"text_1\", \"text_2\"]:\n",
" df[f\"{column}_embedding\"] = df[column].apply(get_embedding_with_cache)\n",
"\n",
"# create column of cosine similarity between embeddings\n",
"df[\"cosine_similarity\"] = df.apply(\n",
" lambda row: cosine_similarity(row[\"text_1_embedding\"], row[\"text_2_embedding\"]),\n",
" axis=1,\n",
")\n"
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "4pwn608LpgkQ"
},
"source": [
"## 6. Plot distribution of cosine similarity\n",
"\n",
"Here we measure similarity of text using cosine similarity. In our experience, most distance functions (L1, L2, cosine similarity) all work about the same. Note that our embeddings are already normalized to length 1, so cosine similarity is equivalent to dot product.\n",
"\n",
"The graphs show how much the overlap there is between the distribution of cosine similarities for similar and dissimilar pairs. If there is a high amount of overlap, that means there are some dissimilar pairs with greater cosine similarity than some similar pairs.\n",
"\n",
"The accuracy I compute is the accuracy of a simple rule that predicts 'similar (1)' if the cosine similarity is above some threshold X and otherwise predicts 'dissimilar (0)'."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"id": "SoeDF8vqpgkQ",
"outputId": "17db817e-1702-4089-c4e8-8ca32d294930"
},
"outputs": [
{
"data": {
"application/vnd.plotly.v1+json": {
"config": {
"plotlyServerURL": "https://plot.ly"
},
"data": [
{
"alignmentgroup": "True",
"bingroup": "x",
"hovertemplate": "label=1<br>dataset=train<br>cosine_similarity=%{x}<br>count=%{y}<extra></extra>",
"legendgroup": "1",
"marker": {
"color": "#636efa",
"opacity": 0.5,
"pattern": {
"shape": ""
}
},
"name": "1",
"offsetgroup": "1",
"orientation": "v",
"showlegend": true,
"type": "histogram",
"x": [
0.8770230424921419,
0.8669182997776191,
0.9055063218706818,
0.8673902276919447,
0.960707043218267,
0.9179365478939604,
0.7672266109003523,
0.9239917728472661,
0.8703072657352607,
0.8526116780064548,
0.7812517091375369,
0.7782108664889419,
0.7486458751571797,
0.8963131006764372,
0.8871057099019782,
0.7604175245309641,
0.9901105650095029,
0.888235210079015,
0.9674455026134889,
0.8333426560846096,
0.8377263562886247,
0.8513799844369805,
0.7783710778245275,
0.818225072265956,
0.9324916311845146,
0.9222148583453672,
0.9159137771752827,
0.8819327328576725,
0.8842350133960268,
0.8153020546259354,
0.7864018135814682,
0.9241772884699471,
0.9171209894364517,
0.7156150759652161,
0.8876803229750978,
0.9607500201235248,
0.8473630242892832,
0.8656086505509303,
0.8094451570019043,
0.7317859049265332,
0.8959824210865295,
0.8116387615615683,
0.9183796450934556,
0.9045004454385935,
0.7365101824267478,
0.7663545520835466,
0.7435191141749268,
0.9086089718966742,
0.8253120745621623,
0.8281524657043072,
0.8251122678595416,
0.8714464804118103,
0.9246432065475546,
0.937303519587435,
0.8495875568327971,
0.8963791538152951,
0.9116466778180512,
0.8623739330903781,
0.9165488457057035,
0.930721217634791,
0.8434980565725266,
0.8388595027425113,
0.8361936554147797,
0.8515235697059821,
0.7721585953143928,
0.8833544332387164,
0.8234984829866299,
0.8043760077432088,
0.8012881245018222,
0.8078051519010412,
0.8901703428026797,
0.8366925061287387,
0.8134734357108722,
0.9617512163408387,
0.8299510305152616,
0.862489170940307,
0.8604581312681885,
0.7874021723440889,
0.8890606057838191,
0.8654180500275961,
0.7808076925200768,
0.8394610380643428,
0.7715467460924421,
0.8524680728802985,
0.8491817174814638,
0.8787645382723887,
0.7418006653971297,
0.9256122882713491,
0.841012479448247,
0.8153632224449905,
0.9609058493434491,
0.8395435497392791,
0.8691345944126035,
0.9046720823186372,
0.892387860418092,
0.8503402594877875,
0.8199459541564516,
0.8737767206437298,
0.7910953735689688,
0.7756939234466673,
0.8173287201360423,
0.7748765500469469,
0.8923917969784041,
0.8627600651478141,
0.8149528594157183,
0.981988574927084,
0.9261547231888615,
0.7764652540281851,
0.7970960046183178,
0.7893917266176482,
0.82517200338841,
0.9069421093108844,
0.9587313633685943,
0.7587887913015547,
0.827813310501214,
0.8633454400619609,
0.9279786047447278,
0.7600408383615723,
0.9160573926361296,
0.8517306999703843,
0.8299929451358753,
0.8447203048292897,
0.8755564011198428,
0.8578976360507043,
0.923723138275189,
0.9054394611244669,
0.9556814463983457,
0.7736224662910375,
0.8587917236671296,
0.8537995262281326,
0.957995784105594,
0.9563444959106976,
0.892646738809333,
0.8207939022798183,
0.8452813271088438,
1,
0.9611374065052358,
0.8771223544440669,
0.9787037899591454,
0.8261258110555288,
0.7584994078201337,
0.9343567733995704,
0.7393173171813098,
0.9071760951682218,
0.820366521075282,
0.9717197466021316,
0.9664193138851035,
0.9263979474882148,
0.9320706609670595,
0.854066984904447,
0.8585009171658186,
0.9801975928375536,
0.9087109945316316,
0.8409005150009717,
0.9156377069069694,
0.8937599375974886,
0.8064106355318161,
0.7797796196870119,
0.8754790989572967,
0.8273793498951607,
0.8001850277554244,
0.8152447417624246,
0.8478374741588728,
0.9000278355775503,
0.9466506417952321,
0.9637647532100888,
0.8461067612170547,
0.8282757206621807,
0.8410585649348559,
0.8231945984913639,
0.812991479712325,
0.9256075945052357,
0.9158042330259144,
0.8327240004211771,
0.9643016111158197,
0.8709767407061441,
0.7415388954774993,
0.915839243164235,
0.9127448878731301,
0.9333934813137945,
0.8175576029795771,
0.78286620810114,
0.8158174033362672,
0.9324100333449752,
0.8860633763413944,
0.8468826551968914,
0.9092749980058338,
0.785398099621804,
0.9154788663496789,
0.94638779649595,
0.909609345361413,
0.8203332150276859,
0.7327218610615461,
0.820159165979538,
0.8971017354895833,
0.8477526603027283,
0.9015423000521007,
0.7394839566056132,
0.9658683145893564,
0.92772275853203,
0.8329671226232828,
0.9088060390917654,
0.8204871521451618,
0.8573261055865992,
0.9238895218172877,
0.948865711109057,
0.8295043992503414,
0.9066029888020705,
0.9598704241234084,
0.8165762849534399,
0.8334373261436049,
0.8475014031142452,
0.857187967010498,
0.8157711347789482,
0.9787905384924419,
0.8939345730555539,
0.8711781443615512,
0.8044961880185003,
0.8607904816523709,
0.8831329492644463,
0.8273013981821028,
0.8561920423978694,
0.8685273347629937,
0.8744220297098892,
0.9103391823944785,
0.7466264016350165,
0.8506217926849311,
0.8716796299186113,
0.8798565771781157,
0.8797470935764342,
0.9687438996846139,
0.8915537907441702,
0.9586631957461773,
0.882458316726005,
0.960331962375041,
0.8338827591801034,
0.789790795024724,
0.8201698585835465,
0.8143183354999253,
0.816721530486913,
0.8645847235619342,
0.9056072779903938,
0.8060613535820587,
0.8036048073476535,
0.9342800777751461,
0.7894570091692805,
0.9368020235357589,
0.8702388285119231,
0.8459051154998578,
0.828307889290731,
0.9318602846511267,
0.8315544281612911,
0.8330663046259037,
0.7714955436194493,
0.8325566159927532,
0.8358942065066962,
0.7492918063633168,
0.8077381102955822,
0.8849523260221185,
0.8326450049811175,
0.8682525486487739,
0.8996725023464794,
0.874836956726809,
0.9141342991713857,
0.7463356296909661,
0.9471011937591534,
0.8831197982529451,
0.8643992383828719,
0.9045266242453643,
0.7434028139521,
0.8543055630607622,
0.9835819328136,
0.7881390353903818,
0.9690787087830471,
0.8854925904346448,
0.9543730961514364,
0.8686862943952773,
0.9060460436592801,
0.8485102489128452,
0.939763521912852,
0.8808535043541952,
0.8143634599177915,
0.9256237936813135,
0.9196033586084531,
0.9347742707506831,
0.7863873012202371,
0.827300775927627,
0.8098418982312592,
0.6580623135377571,
0.9438929136363451,
0.9330765249752172,
0.845253608514507,
0.8827971571323827,
0.6882969904661674,
0.8484005154341017,
0.9041163216803293,
0.885621602865363,
0.9117151777743641,
0.7352365647773771,
0.8228468627026362,
0.7583576539746958,
0.8918140427361899,
0.8743828041850981,
0.9196577576924543,
0.8522300677849434,
0.9596703809715507,
0.9111614048749492,
0.8238839516845297,
0.8949994062319516,
0.8255021150747766,
0.8396260796799806,
0.8311347968136817,
0.7795221422725261,
0.8734378487022753,
0.8152838852861314,
0.8853813529428894,
0.899351326974637,
0.9667234198836612,
0.8215072343201677,
0.8346941603394356,
0.8869936656123234,
0.9065697379059939,
0.9116630945659785,
0.8414762638581422,
0.9718886825986638,
0.9036193422250391,
0.9031291491366068,
0.879230049130692,
0.905686329549249,
0.9612746000025724,
0.8862732079292213,
0.7867422038306616,
0.8796630928594475,
0.8645559268741146,
0.8547769346832502,
0.7518422502719879,
0.7864843506607968,
0.7868989551985196,
0.8261912390736066,
0.8921570668287674,
0.9419955408743427,
0.9407902066594996,
0.9249211342441499,
0.7716485770628987,
0.9511439768573109,
0.8829012215420231,
0.934656824021464,
0.8182553476855959,
0.8611174870213226,
0.8614028669192297,
0.8180162425905607,
0.9653846965051869,
0.8871009561039284,
0.9555759038520236,
0.9217878487163346,
0.8930023268378466,
0.935003967502809,
0.9256417074650746,
0.8862154929899421,
0.8667378514478236,
0.8132311692835352,
0.9080459944470666,
0.8483706700151505,
0.9575409744952922,
0.8066230593744526,
0.8238236342445804,
0.8375317196633497,
0.9432062978626803,
0.7857675015012647,
0.9248662353535241,
0.8902804954107686,
0.8961858080568302,
0.7720832575605646,
0.8406483287589527,
0.8921093571426594,
0.9207005572792771,
0.875010362179358,
0.8483758566734853,
0.8578824673271616,
0.9439048564746342,
0.8966064590413403,
0.7358052904206305,
0.9585292986246969,
0.9825182984702303,
0.9842275125551626,
0.7842929791910872,
0.9103029303369363,
0.9272909957177218,
0.9317809675958327,
0.783678884717712,
0.7131090046615766,
0.8627114138583392,
0.8715326081190128,
0.8755950472029892,
0.809664342563128,
0.9102468945995986,
0.9178852324400089,
0.9076718536339156,
0.8731712539786042,
0.8529116134421141,
0.7821658549446812,
0.8354559170776137,
0.8366378518468373,
0.9171393589389133,
0.8663930370384724,
0.8118138470690515,
0.8833196188362227,
0.8068135569680097,
0.8475622458513636,
0.9521395375722487,
0.9613366140100625,
0.9058634054006263,
0.9259179361818899,
0.8083290895710892,
0.9096821257786284,
0.8766368966847632,
0.8747054906284473,
0.7780871068368611,
0.9503676908767298,
0.7932453739077451,
0.72170892103735,
0.9211559190591906,
0.9628932976448151,
0.9135017576444858,
0.9208852069309506,
0.9148635887627812,
0.8970487501056597,
0.8302949354181002,
0.8135073899611842,
0.8901097281710663,
0.8618444618412582,
0.8284548404976377,
0.9237270312154705,
0.9061998613586046,
0.829343451628241,
0.8744953752805062,
0.8669907144884991,
0.9385459036764366,
0.814860925406411,
0.7702882646822419,
0.9120052307105376,
0.8699723457920832,
0.9605949105701314,
0.9783370423277181,
0.9363336277830775,
0.8942113024273712,
0.8936706242503488,
0.9452697088507865,
0.6986018818518255,
0.923200758907938,
0.8129310320237605,
0.7507516653319263,
0.8078009752591794,
0.9534018416101309,
0.7821801955982387,
0.8800175081701747,
0.8645565175273704,
0.7030531845036039,
0.7586268193375352,
0.8513876129106005,
0.9166708116578918,
0.8603952587890591,
0.8130195217845722,
0.9229042549047733,
0.7899532079576974,
0.8137487445889441,
0.8792801907041976,
0.9198304263214642,
0.7437243306749726,
0.7855154288057422,
0.7214029227404364,
0.8043566583956411,
0.9460916193165211,
0.8413065828990138,
0.8239308908293631,
0.8591367321478075,
0.8519856051965125,
0.8678737504816454,
0.9131534632340883,
0.8596652918312931,
0.8324811596144972,
0.8761085176503437,
0.8943806028280822,
0.920313480265989,
0.9296427530943355,
0.9834804743408886,
0.8202270459251858,
0.9799710150971693,
0.8919913376295845,
0.7431786275871047,
0.8532020278604288,
0.8561409226707749,
0.8205411410996694,
0.9108192602796487,
0.8150610235336412,
0.8165205974456892,
0.841211885461714,
0.9615223086424363,
0.9511950111612875,
0.8809021189695376,
0.9848856349665165,
0.9228890394215087,
0.8324794782673964,
0.7698774590175282,
0.9126187029546813,
0.9261222608841605,
0.7625840736444573,
0.9038820992752258,
0.8472354502778503,
0.8165953956294948,
0.8457219363232579,
0.7594297994178584,
0.9549805666428737,
0.9341205202467203,
0.8954949437953474,
0.9267355922090726,
0.8601740878617401,
0.8445946916089383,
0.9588812147360415,
0.804188586062905,
0.9812756946123167,
0.8500993692007114,
0.8013437302943557,
0.8544929434905855,
0.8279650076349706,
0.8696408841463731,
0.9468276368448099,
0.8439790924342881,
0.73597155398934,
0.7687885750916027,
0.7922662361658239,
0.9061107515465888,
0.7979398160311217,
0.7660311461787958,
0.8866856428399991,
0.8969703481034941,
0.983372328861673,
0.9164801727792564,
0.832759844621303,
0.7889973816716418,
0.8574377397654754,
0.9345896183263773,
0.9017517383025067,
0.9891478033797282,
0.7896235961898858,
0.7907871377270196,
0.8491091143434374,
0.9110994798640996,
0.8968513660792199,
0.8731113486649665,
0.9327656913448992,
0.8100227524488052,
0.9529813102433097,
0.9655015183317774,
0.8525754037010865,
0.8334324869405139,
0.880195490304124,
0.8750816149069613,
0.8894757202817606,
0.9462323527169573,
0.8095881925341774,
0.8178811059459322,
0.9703783601852254,
0.8440890718554435,
0.7691035788406015,
0.8131376751119009,
0.8628843091591882,
0.769289016610608,
0.8838176414418067,
0.9155632143728534,
0.8527568452738545,
0.9391826646888828,
0.9242684176227904,
0.9103718244133234,
0.780489485388296,
0.9510545037215383,
0.8055268516127605,
0.7194874907229722,
0.905157454657794,
0.7795041880632811,
0.9383281577229405,
0.8295505020447493,
0.8409568639057579,
0.7379868665757632,
0.9576216492651992,
0.9455572509956937,
0.7218806787029511,
0.8458585917175788,
0.832799787341081,
0.9465729382160541,
0.7840333866140569,
0.9766335705220351,
0.7498005082678141,
0.8499886821303806,
0.8233676941671139,
0.9112059284092718,
0.8286454637911036,
0.9328957268966772,
0.8494252832990817,
0.9384415313232211,
0.8433932042319168,
0.7753382273354269,
0.6921883216148254,
0.7475071910806539,
0.8264119474819362,
0.8475656559687437,
0.7921957440752069,
0.9017225019237871,
0.92900074284895,
0.7978995965639673,
0.7828066306499267,
0.8400890306289543,
0.9593440980269001,
0.9108703736855251,
0.86301372471143,
0.8830348050340677,
0.8398126782434604,
0.9356593759889429,
0.9797541720439288,
0.9301612560985565,
0.8431153850482307,
0.9753934575447877,
0.9190295692184896,
0.9481974533965959,
0.8637536217766965,
0.992279957461567,
0.8412384145751681,
0.7971848551496462,
0.8927256533683232,
0.9269937600859695,
0.9133980146128332,
0.8645936494952892,
0.8615930019969985,
0.8846140135108781,
0.750707257454112,
0.9560112448844987,
0.8021141803917295,
0.855610314876051,
0.9638378091398463,
0.8969909967156597,
0.9380016471025681,
0.9090161902538356,
0.8146093402956489,
0.8561856708516148,
0.9176348620995602,
0.8391074149146217,
0.9000003127406883,
0.8985536904301074,
0.77656244478572,
0.8772761214238028,
0.7800346997026738,
0.8222681606077051,
0.8213751008262891,
0.9038741278933696,
0.7013157381962183,
0.9203849526801571,
0.8111212514948384,
0.9319057015199572,
0.8082083574312163,
0.9502897886350955,
0.8687057644999324,
0.9496179416214681,
0.7676055416169133,
0.8492080664469196,
0.6201715853032974,
0.868009853945389,
0.7810399091823383,
0.9389934446832593,
0.8365156766649733,
0.9276798295335046,
0.8288971682892593,
0.8516540983614069,
0.8695966250818022,
0.8628464225006418,
0.8019290808387207,
0.8582618997850746,
0.7674092929954088,
0.7630865250921833,
0.9269816794708357,
0.9306556009570106,
0.7834371858561804,
0.8785647518274803,
0.8990849222879878,
0.8836020848579252,
0.8438616298356066,
0.8247107901726,
0.9243834389749737,
0.7994733073162199,
0.9056081834465988,
0.753867475627839,
0.9041545800442282,
0.7463123546123216,
0.7548392429493144,
0.9089250590386596,
0.7417655276741482,
0.9730803271397681,
0.9696219929844081,
0.8844677556237757,
0.8271048233812095,
0.9007611291630048,
0.8043228791257536,
0.9155785818973001,
0.9499178504071494,
0.8611416332870943,
0.8110418400578951,
0.829430312986142,
0.6916435041647587,
0.9049002259030068,
0.8642765223248223,
0.8838551290578943,
0.8032164617176274,
0.7733578297403775,
0.9119670932686634,
0.7508839805908675,
0.8739787475357144,
0.7467407977088399,
0.9236698983952911,
0.8098594721400966,
0.9352682364936624,
0.8500073176717525,
0.8494393878367046,
0.8590438495949997,
0.8783877964448162,
0.8611990749314697,
0.8658255623901577,
0.7998910998210441,
0.8423503062406026,
0.9097073428234548,
0.9178549175037264,
0.8848249477039252,
0.877911740497419,
0.8276910929485197,
0.7371896649801251,
0.9659525293556896,
0.9255323976310593,
0.9189565455855423,
0.8324950914541606,
0.804788752136159,
0.9035064878576043,
0.8543730331532292,
0.8748126109754423,
0.8257425306850711,
0.8926476002305831,
0.7858944695167878,
0.7314373081290962,
0.8964575515540876,
0.8306600264275946,
0.8211949483162081,
0.7741532048489975,
0.8556725166574924,
0.9289154031962026,
0.7924421886376952,
0.876137520841577,
0.8829048628328502,
0.7418665110343603,
0.8667037006599337,
0.8018695111298759,
0.862738539692567,
0.9022537126477369,
0.9619426556959261,
0.8573335076933394,
0.7615433310385172,
0.969084472240832,
0.8745382951808863,
0.9909440976375997,
0.8172352409193201,
0.7192673780176765,
0.9329690881323882,
0.7968568468281151,
0.8868827633168951,
0.8360499258887667,
0.9837158740432493,
0.9147561710138763,
0.8701307738141417,
0.8208200931608043,
0.9302677215206789,
0.7561054325735389,
0.9453279812604809,
0.8762830981192605,
0.9628166653671181,
0.8585625423340626,
0.7756039171534931,
0.9513700856553803,
0.9864393973334422,
0.9303377269239715,
0.929182509200181,
0.8754289946512588,
0.9111378672109698,
0.7259887482535182,
0.9345589971516312,
0.9121290731318297,
0.9571754227946286,
0.9197115504102283,
0.8669146720822511,
0.9173221779567197,
0.9088411643423732,
0.8929195030946493,
0.8111780990631848,
0.8077011456794906,
0.9391563303671946,
0.8948869330877591,
0.9894680324717378,
0.8178364760728186,
0.876230447804796,
0.8066202305811782,
0.8962257182677837,
0.9230487288514518,
0.8973905359734362,
0.7724780963721255,
0.9597494118153004,
0.7773922355272707,
0.7523575075999497,
0.9057375968639064,
0.8459052928211823,
0.8848630186000416,
0.8751375513507323,
0.8792221642490844,
0.8836394684306238,
0.9078366094992862,
0.9009047865908965,
0.8158096735833963,
0.7733976690867698,
0.8836365020988086,
0.7537787796466606,
0.7525779162109352,
0.8550548812422275,
0.8918768321647867,
0.8065900946252568,
0.7924906596713533,
0.8042262160076494,
0.8765818401308668,
0.7527523711932688,
0.8555469422227897,
0.9887387560741359,
0.7389559884393851,
0.9416459548682359,
0.7957399297673027,
0.7632823193304991,
0.9609604037240548,
0.8436944739935266,
0.8932322638667124,
0.751596145908102,
0.9238271761832638,
0.866152871405043,
0.8116610095778772,
0.8337042978731589,
0.9560029925043874,
0.9788475938303791,
0.8375764560303107,
0.785332804785721,
0.7953979731113359,
0.9398646757090884,
0.9202471916188802,
0.9042046757052409,
0.9462194740167271,
0.977554798666313,
0.8112068695892253,
0.77143928188413,
0.8473309598727801,
0.733426080552698,
0.7787670837394052,
0.8614425976463654,
0.8777689968922653,
0.8107222098920918,
0.8172204637151022,
0.8007774299056551,
0.8318513717574904,
0.8831901227140917,
0.8643289060226431,
0.872777964120298,
0.8558343388292272,
0.8452086232791507,
0.8858196753321058,
0.9573153643115704,
0.8219820607288516,
0.9175903657749385,
0.9352180100721489,
0.7081208529169517,
0.8804224183254911,
0.8801890764850869,
0.8528025520395893,
0.8309506411877995,
0.892887342538514,
0.924656875355612,
0.731416412563951,
0.8693615463607787,
0.9368470401666299,
0.735374869260129,
0.9358165871780313,
0.9003461723046663,
0.8213036000365287,
0.8767956868769332,
0.8297595345126891,
0.9159579070314483,
0.9386720382389069,
0.7430551682193363,
0.8992479131440796,
0.8348894132330253,
0.7759200853924173,
0.9051526765387132,
0.8276723426680378,
0.8553399790814957,
0.9534823417127044,
0.9225358244794052,
0.9191963821056653,
0.8996644244154601,
0.7628616926539707,
0.8067347035873811,
0.8692835420958859,
0.903828552596563,
0.8000674407565361,
0.9860130212424004,
0.7682621581806748,
0.9829572447076911,
0.8104284733830315,
0.9178332688200683,
0.8796878381041732,
0.7812564975232954,
0.8627070028560689,
0.8806242190851008,
0.8280928440920624,
0.9744751516110227,
0.9149040786638464,
0.9139716013212704,
1,
0.7921435032778676,
0.8340378878609104,
0.9053765780403287,
0.8786000424637178,
0.9901186609068154,
0.7246913155327134,
0.752973927739965,
0.8987587398799223,
0.784837704015969,
0.8023193245375629,
0.8395198543288617,
0.7830876468832688,
0.8442387838852023,
0.9651568967676807,
0.903680278954122,
0.8378787764734399,
0.9050318728023159,
0.9444690119893462,
0.8268148049027775,
0.929897501248699,
0.8231274041865422,
0.9320510979110544,
0.9694553637480061,
0.9452253211097718,
0.7968664432817362,
0.8314164148734599,
0.9045773532651927,
0.9727875564710335,
0.9299662172625852,
0.8942605651675087,
0.8648042598103035,
0.9296532946361931,
0.737208140494784,
0.9267048740808913,
0.8994326480517801,
0.8570618796773329,
0.9386074028119863,
0.934289266722412,
0.8385821685601387,
0.7804586340690598,
0.9328543360008478,
0.8346101071823683,
0.8390819482055704,
0.7690993086936007,
0.8933993336221824,
0.8398208536105551,
0.9240307531537069,
0.9080206993929865,
0.8516598899018564,
0.9668397382982731,
0.7445961937098736,
0.8837948048022631,
0.8934051335855884,
0.7549434683855616,
0.9136284838226408,
0.8397087387009603,
0.902120149452122,
0.7791958177087142,
0.9723459408058667,
0.7825774678762871,
0.8236003487600682,
0.8692835420958859,
0.9078373592832483,
0.9920372721848425,
0.7975654340648797,
0.8547244229298616,
0.8086508794138532,
0.8293627321978324,
0.9152361106783002,
0.9471437813247076,
0.8397958722387048,
0.724331390174805,
0.8688146437853943,
0.9623616564166072,
0.9462320515025769
],
"xaxis": "x2",
"yaxis": "y2"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"hovertemplate": "label=1<br>dataset=test<br>cosine_similarity=%{x}<br>count=%{y}<extra></extra>",
"legendgroup": "1",
"marker": {
"color": "#636efa",
"opacity": 0.5,
"pattern": {
"shape": ""
}
},
"name": "1",
"offsetgroup": "1",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0.736549832708439,
0.8645876772131509,
0.9054108720940012,
0.8231748586451884,
0.7680653089711912,
0.9106863309457174,
0.8718047310932011,
0.9126582215678652,
0.8164052526562986,
0.8964005890099545,
0.8568193403812259,
0.8865148834725959,
0.9705705749195805,
0.842790078535525,
0.8812980729254659,
0.8366005079723752,
0.803191420389906,
0.9565597072685753,
0.9443332827726031,
0.9461393747874567,
0.8214254014094476,
0.9676416987317068,
0.8658529346127901,
0.8596586631123377,
0.774265719975256,
0.9352146634904204,
0.9446884675958164,
0.9488036099024498,
0.9581833546207474,
0.8395143643686034,
0.9317854663213888,
0.833923001218979,
0.7526818877630027,
0.9591203832827713,
0.8963131006764372,
0.9674015262743842,
0.7971546477098302,
0.7727411202368526,
0.8466224310334125,
0.9131046014761772,
0.869709038254777,
0.9737508856833255,
0.8908184420511278,
0.8504676065056102,
0.834622191573279,
0.8474523011181411,
0.9026629692287098,
0.8755350362634888,
0.9042891449633932,
0.906003801475747,
0.8392522239745428,
0.773662084263725,
0.8491559248265502,
0.8240372721865142,
0.913488637289173,
0.806471392670025,
0.7587383402521611,
0.8990169384219211,
0.8864209333096432,
0.7559666147505648,
0.8285084803068923,
0.8634447086393151,
0.9406258520396332,
0.7933486436905902,
0.863410382940512,
0.7411858676405545,
0.8993520699179335,
0.9808156087913715,
0.9063272119957569,
0.8194689754558628,
0.8712922134006599,
0.9923750251384353,
0.7339731238562132,
0.914415556703985,
0.8351233852567399,
0.9358588125209073,
0.9645463010246448,
0.7868932882211557,
0.9046272288535794,
0.8413258243841512,
0.7907570378778138,
0.8928652620567118,
0.9379753909220483,
0.9044068971508709,
0.7820369106687125,
0.9270258680072261,
0.8347598032556344,
0.9560346902836805,
0.8093604779220231,
0.8161917854772459,
0.8736301350831827,
0.8695662735410867,
0.8578964048993004,
0.935772204981356,
0.8103314733230413,
0.7862771339902493,
0.9290633376090963,
0.8579924178219217,
0.9552397906163098,
0.8202091320216596,
0.7761725471031594,
0.9414054157610889,
0.933201888243682,
0.9008537856737299,
0.8973704559214578,
0.804078106496082,
0.8345394813501569,
0.9704324556248521,
0.8653347693348777,
0.8780966863992651,
0.9467797365089127,
0.9072121875352692,
0.8471330908917709,
0.8755944600874097,
0.7528677777025758,
0.9175579371411101,
0.894172617232398,
0.7818778663966106,
0.9830832577353135,
0.8900020170242702,
0.8600582288048572,
0.9765499439604408,
0.9555465446087782,
0.908985701222152,
0.8819971496348794,
0.7273075947136844,
0.9036703089177569,
0.798362976362054,
0.9118814662694842,
0.942790526809374,
0.7789149134985638,
0.9583465469641117,
0.8811259523673187,
0.79751731467271,
0.91614356940805,
0.9116185372495099,
0.8439388081612114,
0.9257293988684876,
0.8558199958394914,
0.8437665184157634,
0.9398895722471281,
0.7876624319986785,
0.8427610541278799,
0.9597297283687226,
0.8738182560984029,
0.9256796973413028,
0.817392561826777,
0.9378179892704942,
0.9397299944810921,
0.898635674689887,
0.8954742697882172,
0.8553931177741548,
0.9019265182172062,
0.940330874442756,
0.9086622875545255,
0.840542738743146,
0.9279473627134431,
0.7655604101656973,
0.7852156048607353,
0.8685107123188051,
0.8366504148873836,
0.8355569883396743,
0.8729108893579319,
0.8858546234658095,
0.721309378131838,
0.7950560765558976,
0.8976957273615329,
0.8892554509563919,
0.8240789823114796,
0.7546456755556741,
0.9257426362249037,
0.8657982059176512,
0.86454296137645,
0.742804802462531,
0.8920672691284423,
0.9773108667796531,
0.8435232133017242,
0.9051675444514773,
0.9042219859337219,
0.9313549407579337,
0.9044517856267383,
0.909542120537921,
0.7959402866335763,
0.9428151203411792,
0.7923603881082193,
0.814730469154893,
0.8217874878012461,
0.7765276737312753,
0.8064789088423867,
0.936288219799575,
0.9209401006833325,
0.9362316068137829,
0.8041985245661637,
0.7841402755555491,
0.904499247524819,
0.8460965104145681,
0.9787696268534193,
0.8390352586542255,
0.8614521252029118,
0.8721713576430158,
0.7862110016709674,
0.8879106274098613,
0.8800514847484942,
0.9044757866738722,
0.931413666521914,
0.98287317120162,
0.9061998613586046,
0.9146160669265362,
0.8397192591024814,
0.8737558267185661,
0.8344105231696747,
0.8347803692078435,
0.7977666300667368,
0.8361983865246644,
0.7536361397625019,
0.8783130810523943,
0.8648139594725932,
0.8159335102010704,
0.8358267202312724,
0.9058327677600452,
0.8816990618751593,
0.8613531640615323,
0.8712646527997077,
0.8623896128778185,
0.9478299712074272,
0.8062904923128396,
0.913245612242441,
0.8212311391636319,
0.8778066034070842,
0.7819972023010567,
0.958589140344609,
0.9553576700783315,
0.8232064931978315,
0.9499977026197632,
0.8349553719953364,
0.9492979985891563,
0.8737387912368793,
0.9291149178587121,
0.8501707280841363,
0.8904572709954771,
0.91177432256281,
0.8050388751034663,
0.8371907462164929,
0.8263381002448162,
0.9653797794869796,
0.8634069824306613,
0.927189359210545,
0.8092865210215572,
0.9609762866542879,
0.8605336601635148,
0.8613335012839531,
0.8342444664896653,
0.7851425902055904,
0.7805871430125763,
0.7303107669745307,
0.7962434451575375,
0.8572841021776336,
0.8293376147724424,
0.8516718050678351,
0.8355835460274332,
0.8344931432815885,
0.8866204360533211,
0.9304235140233539,
0.9372621417448767,
0.898846318025836,
0.741616891032038,
0.9696073495536041,
0.7739958022020881,
0.8363544051312877,
0.963551247793185,
0.9000543182054921,
0.7718901744766272,
0.7943865231513642,
0.8545739734233097,
0.8027504541651594,
0.8517830108211426,
0.8254178630865167,
0.8522890338443532,
0.8430071432373423,
0.8509509892219751,
0.8867362111321382,
0.891385005245175,
0.8602529993530856,
1,
0.774082157812556,
0.9426076545722315,
0.8813316522495983,
0.8506909243254316,
0.924656875355612,
0.9080310849983652,
0.8305503022437543,
0.802584039375859,
0.8851718973947333,
0.9229419672169825,
0.8436076945595744,
0.8213222547688209,
0.8425159153249904,
0.8483512259277165,
0.8657076247663684,
0.8700788686135269,
0.9319421290066723,
0.799748720206207,
0.8142503026946742,
0.788806164826152,
0.8522814883414318,
0.8999213416014693,
0.6712964390399062,
0.8037085296495649,
0.8038081954308683,
0.9174569728001648,
0.9645943656943117,
0.9123284555757109,
0.924320548123444,
0.9064470720437559,
0.8407531101241462,
0.8769677227983257,
0.8241137164789778,
0.9296181220863112,
0.8250804248322693,
0.8289304525903588,
0.8647762708043815,
0.8805448754876422,
0.8225876391492088,
0.878271782260691,
0.8612077001477506,
0.8627227038840504,
0.889598461906851,
0.899507116204109,
0.9489791321146628,
0.7758565796116134,
0.8971316618826566,
0.7989231447854469,
0.9187071365671478,
0.9204825716855429,
0.7883452708992278,
0.9061535809336474,
0.8450776680779332,
0.8312111261703522,
0.8840382458851703,
0.7442901161141395,
0.8107539153878128,
0.9736244608463729,
0.9325052324229058,
0.8922514602813956,
0.850259873115444,
0.8888332784210239,
0.8651925589034414,
0.8793126203874563,
0.76695151340845,
0.9260103025057259,
0.958851509302764,
0.7671674237902127,
0.8740371240956106,
0.8942546653305741,
0.8393250288553953,
0.8597260465537079,
0.8372859366352791,
0.9472367442821338,
0.8287786157335976,
0.8730965341917989,
0.88415881235008,
0.8338521351921248,
0.8135910430676571,
0.8786740135792194,
0.9683248469891451,
0.8622055681944147,
0.8724906791956449,
0.8622736241835574,
0.833355476030051,
0.8453020673636661,
0.8863937106915156,
0.9510007702344464,
0.8576867667576002,
0.9959729494091891,
0.9457050131096572,
0.7250721426780714,
0.8984716696273352,
0.8612355445446591,
0.9319887701593861,
0.6828741129809796,
0.9585760960583022,
0.9533542223477286,
0.7383075176406174,
0.8797008553699697,
0.9431073408680168,
0.9211608392990895,
0.7872103659197973,
0.8858255551837744,
0.8502639851348541,
0.7844365468286065,
0.8506426062479063,
0.8987280357826006,
0.9679575668183835,
0.8695123421666537,
0.9220544667923418,
0.8618250241358769,
0.8401369579324562,
0.9478829254222021,
0.9705664766073994,
0.7815047664005954,
0.9410246041287362,
0.8297181806893279,
0.941681408463028,
0.8631278221123624,
0.9735858612930184,
0.9401240834724855,
0.9341833710519206,
0.8720699804712655,
0.6788017482161509,
0.9172228811270781,
0.9023336330182679,
0.7808162984590978,
0.8472611062766883,
0.8154210964137394,
0.8931371990654419,
0.9399607299036465,
0.8029826729918766,
0.9183830241530019,
0.9904456861865344,
0.8870818558635253,
0.8982737441192186,
0.8677438099387293,
0.8341084386242957,
0.8317586393461056,
0.9798248406450046,
0.8195715180179207,
0.8285737168086551,
0.9452920253068574,
0.741849128413708,
0.8871761474498774,
0.8853804470478017,
0.9036466179892355,
0.8349989170619377,
0.8315201131392358,
0.830281937670621,
0.7914993930952541,
0.7653001148006354,
0.7608012934280514,
0.8959738395986752,
0.911972591898887,
0.9959256404068638,
0.8324233959729913,
0.8239316909963024,
0.9049462203262157,
0.9029483760093544,
0.8927098766437765,
0.7883995203278878,
0.8628471717629227,
0.8637088554727724,
0.9792712669973792,
0.8536886653620115,
0.8293703049196378,
0.9179020186739635,
0.8432793489605611,
0.945749762802875,
0.9051529837864613,
0.7546334362798065,
0.9655955405604658,
0.8586751624310275,
0.8828593526738941,
0.8566523142422968,
0.8022943297845676,
0.848603184301681,
0.844280269387846,
0.8845204605513738,
0.9188774494137282,
0.7849398152833806,
0.9718777695248921,
0.7904904118155052,
0.8007950482722322,
0.8350591465118908,
0.9835182438283631,
0.6975267001078356,
0.9108315054431967,
0.9078956616062651,
0.7597110450195548,
0.9159840648633228,
0.8428958494374836,
0.7729045649480365,
0.8139526421487934,
0.936756654753208,
0.8361185411078411,
0.9069062939546915,
0.9415098231018517,
0.9424796846788046,
0.9316477364275659,
0.8909500802168062,
0.7892700740275836,
0.8255254420778568,
0.8463170833497736,
0.839953481597048,
0.8760729103636224,
0.9695146929637602,
0.8399026052955197,
0.8632611459497657,
0.8274502559063173,
0.767014859935895,
0.8277171874941808,
0.9653077556712607,
0.7724537748252287,
0.7590822858582416,
0.9157041784078674,
0.961780591446735,
0.8661355459835428,
0.8702708862482685,
0.8613342799390303,
0.8012040889901978,
0.8338167073799782,
0.7661072608494357,
0.8679709662655806,
0.8189414076336727,
0.9507699373739879,
0.9295788327525424,
0.8366390562299713,
0.9529528463964135,
0.8086308078157104,
0.8439775790103252,
0.8264379729550373,
0.9855273112832761,
0.8273981269053042,
0.9149590584369259,
0.7597882494543073,
0.933533889331542,
0.9623879855342873,
0.7869466400216547,
0.950593104240567,
0.8225595440990233,
0.8019269388326403,
0.9282623086728464,
0.7709722699637687,
0.8707613725090536,
0.8767577733388604,
0.8578148807633164,
0.8597348374894546,
0.7429355341871611,
0.8643861904380715,
0.8917074809033304,
0.7776156333085505,
0.9015475856777736,
0.8111433159045844,
0.8833196188362227,
0.9261455538778123,
0.7522406715066838,
0.9949346925202615,
0.9317476184623138,
0.815510102858528,
0.9450804651757593,
0.9548234880282239,
0.8960911413896233,
0.9239960993694921,
0.8427387571476046,
0.9692285458216386,
0.8732730117460671,
0.8401818092769459,
0.9262896014538773,
0.8859357614672793,
0.852317081163304,
0.9323942453787328,
0.8344861812069695,
0.9204254014025927,
0.8663476047908254,
0.8589252037267298,
0.9339094539170094,
0.961152613442287,
0.90976749903987,
0.8318753277236467,
0.9438151961079181,
0.9305049273825277,
0.9094273677323489,
0.8476450848428762,
0.8266208409978184,
0.8510208725004161,
0.8955541227032415,
0.808210346566899,
0.7553080913874389,
0.9378999839594712,
0.9894909158977805,
0.9456080865553905,
0.9053636945667565,
0.8266168096158999,
0.9397428685581022,
0.9262025044451471,
0.7602684168515255,
0.8522840245321307,
0.9064052126793058,
0.9060728094488207,
0.7168259247291856,
0.9351183914874613,
0.7594707986250213,
0.8775117472056205,
0.9184151112777117,
0.8035375125861887,
0.8945838526700787,
0.8670796851504335,
0.7833048183052878,
0.9330274403286336,
0.8745391190136812,
0.8678550696575709,
0.9726111204993027,
0.8109897384895124,
0.8328320715664294,
0.9003717811828723,
0.9290950185339127,
0.7212301964264753,
0.8194632124660001,
0.8251120140641927,
0.938478607598862,
0.8524731918024645,
0.9517361182044258,
0.9491182227111123,
0.7995713152819196,
0.960915600071228,
0.9668124224958615,
0.9330371342125484,
0.8685523503943176,
0.9370111006544561,
0.8143323549122276,
0.8961351800134099,
0.9269829927779651,
0.9144155658413454,
0.928619543201891,
0.9063259277492185,
0.9291919309495276,
0.9075083706276883,
0.8483474406338491,
0.8306106170021903,
0.9707852963943437,
0.9285585486502653,
0.8100783165392635,
0.9817542892477462,
0.814631191146331,
0.9420857434389853,
0.8983827482700403,
0.8804041342871782,
0.9421722896767072,
0.8981939713362292,
0.7532363994174234,
0.9175371235999494,
0.8586024439929903,
0.7818695496168175,
0.827463989695164,
0.8265878682590281,
0.7302033212550508,
0.8477062278869817,
0.7556713750040486,
0.9029146930594939,
0.9225725186556838,
0.9580990304073227,
0.9181249434228533,
0.9761708677155351,
0.9175684391284784,
0.860225515397,
0.9574790923911854,
0.8067598384881737,
0.8786043676389331,
0.8113478649882583,
0.872658558530113,
0.9878253236243991,
0.9373280875473471,
0.8633126037451194,
0.7552985097607482,
0.9559015516000808,
0.7477152581437608,
0.8618039394725079,
0.8500189244661982,
0.8670137150023248,
0.8982967716055513,
0.8913678341320115,
0.9690129826740497,
1,
0.8526700752964347,
0.9402366609928611,
0.7785353984256803,
0.819051911061511,
0.9094027496320183,
0.9840391345414705,
0.8702668024360607,
0.7409618474931585,
0.7855475190052562,
0.879644342835206,
0.8792321216878847,
0.9301151947583145,
0.8585626513747033,
0.7913511542333391,
0.8840853147036714,
0.8201855611976102,
0.8290480082776798,
0.8272653957842918,
0.9309412938014421,
0.8530580849400875,
0.9017039518217196,
0.8868119341833857,
0.9798279216368141,
0.8971378559646169,
0.6917091092254815,
0.9409873575925382,
0.8601807042976314,
0.9271877897055315,
0.8256373655261903,
0.8668783013753462,
0.8943411297055773,
0.750596531526641,
0.7014093148352947,
0.8875386614921268,
0.8666061644543157,
0.8100961634792717,
0.9175763494184274,
0.9084318138440111,
0.8957115038209394,
0.7725906257179358,
0.8084243400296846,
0.8831387993283619,
0.89081486465724,
0.6599160923240098,
0.8688541975442865,
0.7239827711071584,
0.9969170411591306,
0.8895798155430967,
0.869372463337996,
0.9215061720116507,
0.8941864521317475,
0.8138195591908199,
0.808002685792011,
0.9130154319909066,
0.8924825057868309,
0.8230347213993127,
0.7970818327030217,
0.8862001470002543,
0.8272582058280911,
0.8976605728389208,
0.8550806970846895,
0.9256386256254169,
0.87886174365516,
0.8401714925080507,
0.8917763077351856,
0.884389945090615,
0.7499617340311164,
0.8824403180046967,
0.8952044326369335,
0.8571558384353395,
0.9871090570396015,
0.9333466746108471,
0.8888996858099901,
0.9393535889215182,
0.9341088953506909,
0.9390430801693327,
0.8946443490839046,
0.8768347545883118,
0.856468839580938,
0.9097932363997518,
0.7886482941425121,
0.9014601942019844,
0.7830908794481423,
0.9347012722602096,
0.8706628935716073,
0.8335946648771297,
0.8588447339254176,
0.9220387803870667,
0.8263933403401641,
0.810530797741822,
0.8519382925557824,
0.7798775744058639,
0.9832446808444444,
0.8590649584690399,
0.7595390482835989,
0.9265589852995393,
0.9078581396081071,
0.8793302880292861,
0.8126116772273142,
0.8338778282926316,
0.9274788718890429,
0.8941465881092564,
0.8331267917887729,
0.7903959084159903,
0.8131045030240805,
0.9351268267473478,
0.9129257164832172,
0.8039888588417823,
0.8482521908423942,
0.8444929456896246,
0.8037285375166193,
0.8038366707360407,
0.9619331110018076,
0.9637057335619373,
0.6880148996148113,
0.9067216003604545,
0.8718843142394451,
0.931146788729912,
0.7891164761729135,
0.8679933267468704,
0.7612462572836113,
0.8670123255847366,
0.9663740138580926,
0.9066138418072267,
0.7596242439279641,
0.8485358177151634,
0.9260757011397867,
0.8766505163539628,
0.8136740047775126,
0.7826410669133651,
0.8129084366808855,
0.7971117371633544,
0.8184439768344212,
0.8281747402318884,
0.8747903021226509,
0.944358226108792,
0.9051372433084174,
0.9572883628482052,
0.8461714648336822,
0.803602317037765,
0.7196162090749076,
0.9100532720537898,
0.9304205797643146,
0.9389267225654604,
0.7959481828066851,
0.9025593774773235,
0.8349933774651875,
0.7496519642865328,
0.9445657086303215,
0.8383550584796754,
0.9747757942810625,
0.8630106574340903,
0.958912542207282,
0.8322319339666442,
0.9006469896939513,
0.8574160404152299,
0.9459202152737857,
0.813877420407981,
0.739969794812712,
0.8972100546745126,
0.8706076640796353,
0.9150395232287486,
0.8813831596952219,
0.886843302723088,
0.9271864462752991,
0.8778532986015817,
0.8868692158735381,
0.789871006952492,
0.9753011055515044,
0.9091128931405692,
0.9449549799366838,
0.9127247374191944,
0.8313307508528462,
0.8894337360140997,
0.7956215054013406,
0.8755272851588061,
0.9528703966342777,
0.9197424492086052,
0.8019955065606681,
0.8415486179989673,
0.9863419286297866,
0.97231619441654,
0.9041769944901107,
0.9701880187837707,
0.8621777307829099,
0.7856789861689177,
0.9031601473723184,
0.9496447655889777,
0.7961793125809993,
0.9397557375774636,
0.8673866120865574,
0.9018727187087263,
0.9122004068606406,
0.8275600200555046,
0.8179495005725935,
0.8689760342800351,
0.9437617331596215,
0.8919840540973862,
0.9647277731309051,
0.811237506706573,
0.8987178415114151,
0.7834809783164823,
0.933933447109091,
0.8397270957023836,
0.9605990723374485,
0.8784079129438336,
0.9778323307994212,
0.9081806523258728,
0.9347467722137439,
0.7499254098383082,
0.9561894932872709,
0.86884099278938,
0.8643350302804561,
0.9875168294169449,
0.7899670033412287,
0.8777901542857148,
0.8480852031381642,
0.9419202274089855,
0.8250472099084298,
0.8775287320659683,
0.753140126388388,
0.8288907031393163,
0.9164407118989409,
0.8317303120243871,
0.9637241241002155,
0.9378464547084289,
0.7777296843415553,
0.8285331108196707,
0.9065261273888152,
0.9150549423144395,
0.9055462990278683,
0.8845204605513738,
0.8822980111141415,
0.8569498261864188,
0.8833292620163823,
0.9648663714411386,
0.8996261025487318,
0.8453391815487508,
0.9305551042066704,
0.7236914068799891,
0.9068236874343898,
0.797206415059305,
0.8900608737222808,
0.8921092801537021,
0.9402221258603318,
0.9548477121284092,
0.7981797981797,
0.9714638745006288,
0.9304977299745395,
0.8880341243478611,
0.8140177640278446,
0.8058008226162975,
0.9495511078111263,
0.9046799884368947,
0.7608819740667967,
0.8161977732492995,
0.8492336034213218,
0.917217871028967,
0.8697471261915183,
0.8310153265298836,
0.834984301916808,
0.9043563662173445,
0.9278353488412265,
0.8099474127547933,
0.9150626364280348,
0.8470901718545574,
0.763875511720102,
0.9689982289113886,
0.9279826717276639,
0.8802693594453294,
0.8457375543620055,
0.7859162372602091,
0.9238337663325366,
0.7978780250710321,
0.8266569211562664,
0.8798961899142028,
0.9263019566848704,
0.9280705424664027,
0.7985449687793926,
0.8616919094128496,
0.9807422176833499,
0.8801344385233302,
0.7913314671023687,
0.8762712604989469,
0.7997358970000906,
0.8158769876746998,
0.7636170839305908,
0.9227039198764653,
0.9226384097207587,
0.9239029553042745,
0.8498820756877851,
0.9053457062663992,
0.9077819209264738,
0.8538469148221988,
0.879781201734679,
0.8911389632926229,
0.9038807408619319,
0.9078807084584938,
0.8617419486109846,
0.8489085626914196,
0.8919523976747616,
0.8449289750216329,
0.792507679596051,
0.9363873739042163,
0.9155729796430734,
0.9270010845221283,
0.8412940943665776,
0.9295255577503568,
0.7591048772643633,
0.9277447131035006,
0.8391625626701145,
0.8404867750256002,
0.8709178869021063,
0.9492318848213255,
0.9312447473396201,
0.8879839763311372,
0.8456281890127811,
0.8781110103488408,
0.8349783140577756,
0.8814765994972342,
0.8529206894100387,
0.8489263384052385,
0.9104126593146132,
0.8369738176471242,
0.9694019314738564,
0.8904870113423128,
0.8443721649946478,
0.9477072571711664,
0.8702124740685808,
0.8528356343441036
],
"xaxis": "x",
"yaxis": "y"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"hovertemplate": "label=-1<br>dataset=train<br>cosine_similarity=%{x}<br>count=%{y}<extra></extra>",
"legendgroup": "-1",
"marker": {
"color": "#EF553B",
"opacity": 0.5,
"pattern": {
"shape": ""
}
},
"name": "-1",
"offsetgroup": "-1",
"orientation": "v",
"showlegend": true,
"type": "histogram",
"x": [
0.7874659129135504,
0.7435795598986892,
0.7088072419727697,
0.7306937031069761,
0.7295446008603802,
0.7526237151009707,
0.7892920950498163,
0.785847912494573,
0.7244282701978126,
0.7028704184767636,
0.7121396218005333,
0.7964185225669038,
0.6768238526248213,
0.7258341631958446,
0.6933499380417066,
0.6565476337675016,
0.6758398566532416,
0.6996473394274546,
0.6120863273849917,
0.792096405381645,
0.7183053956997698,
0.7512630789186366,
0.6845054538459983,
0.7744407888154038,
0.7446351929342256,
0.7906235717636275,
0.8473088771230736,
0.6716517447404723,
0.7574260890845971,
0.7499169619406864,
0.7561584438475988,
0.7452770310713139,
0.8142292352411806,
0.7474040915695218,
0.7855075065356905,
0.6851100527793279,
0.7081514461103355,
0.7927128418857988,
0.764147447660805,
0.7358225561339229,
0.6173744070972212,
0.731533885715057,
0.7985503831860548,
0.8177654991438366,
0.7076867530539172,
0.7546084288291276,
0.7334340234594089,
0.720055357213078,
0.7118402094068723,
0.6994736297619379,
0.748698855281528,
0.67694686653468,
0.7278712967373393,
0.645528633921349,
0.6743706007017315,
0.7254736921744431,
0.7633400678530576,
0.7904982000641927,
0.7179376053468035,
0.7697473005130678,
0.8400521292483899,
0.8135645650889021,
0.7293150450297324,
0.7181784870181169,
0.760787081379299,
0.8344493367335949,
0.7654262008744762,
0.7990759742094425,
0.6823237306881624,
0.7140196164361725,
0.6358702294684023,
0.7280562036648154,
0.7916544703546198,
0.7135951510281885,
0.6999116191578258,
0.7821884012859335,
0.6698984683970088,
0.7602029541466164,
0.815476244426393,
0.6308519356484635,
0.6916186671599382,
0.7957350432788106,
0.7703734927409875,
0.7691415009850461,
0.6465637104151333,
0.7191567485942946,
0.7306829541630273,
0.7894833748721733,
0.7575649830592027,
0.654921051654559,
0.7764581499854127,
0.7469874324280794,
0.6754357931042861,
0.7675666151799577,
0.6526375822175436,
0.7108609669129176,
0.6704335632829542,
0.7189951617159781,
0.6668320177121475,
0.7206745546153317,
0.7668031320015335,
0.7392383399086472,
0.7365712198881949,
0.8159808943845607,
0.6358897629613556,
0.7217881877321437,
0.7054965589379504,
0.8380597110721099,
0.6525795422953722,
0.7504987590858941,
0.6492431154888122,
0.8289032216824762,
0.7109282824313979,
0.8194963742553414,
0.6396794471774944,
0.670640347387774,
0.7082031457142873,
0.830605724237891,
0.7228567811826155,
0.7410605075289561,
0.6157460511766629,
0.6516014232826257,
0.7595335813050242,
0.7356402864989516,
0.6583622976579413,
0.7532866217250735,
0.8046396208279852,
0.6608963265547173,
0.6798783647891301,
0.7752329822132275,
0.7000681687458419,
0.7194943718169713,
0.7683368509828581,
0.6705417503652992,
0.6777041788557566,
0.7114343398857523,
0.7750556894840908,
0.6815129363560114,
0.6964520336624807,
0.7343787503556346,
0.6859118011593299,
0.7654337350005438,
0.6807907577661086,
0.6982834308614806,
0.8213798228331765,
0.6676075526430697,
0.6496192897432232,
0.6896799285976354,
0.7245586462795975,
0.7582090045358224,
0.8620969771925839,
0.7659784488837894,
0.7632029301595982,
0.684202550916871,
0.7898977711162839,
0.6341423931216932,
0.7155979622091,
0.7359126100921924,
0.798024136606015,
0.7382983717748415,
0.7196690408783141,
0.6922550388429164,
0.6532503657550566,
0.7589028152807346,
0.7668591933154218,
0.8121841890727456,
0.7217921441304971,
0.7767108279725342,
0.7534509874823396,
0.696879405681816,
0.8417377233078661,
0.6475138590180541,
0.7822838922267669,
0.7034474307848817,
0.7150431092438858,
0.7284030399615316,
0.7213825844332162,
0.733945000408881,
0.6607908531111703,
0.689689807973137,
0.728487432370002,
0.6743102365716641,
0.6881288547772194,
0.7340697197116154,
0.6571405350996627,
0.6521789901147292,
0.73057466622798,
0.7438266461673718,
0.7343220001136178,
0.666693817937849,
0.73699372279721,
0.7095248429086985,
0.6777042624373681,
0.7858877105954206,
0.6730113761263602,
0.7486627046217849,
0.6693636098013948,
0.6719632348114865,
0.7222926175274779,
0.7292113508877874,
0.730585043035434,
0.6766067370622345,
0.6565702307167823,
0.6504408451919097,
0.7353398407226791,
0.6671312719249224,
0.6825922827428176,
0.7185306441317261,
0.691686704995293,
0.7507070053311383,
0.6589517234304139,
0.6932144661583705,
0.7194000736015166,
0.6915342199836653,
0.6847486848999768,
0.716372874369795,
0.7660428226495831,
0.6938172288100973,
0.7270381562316048,
0.6551843655263068,
0.6469490345009891,
0.7258971368629582,
0.795955873398173,
0.6326054119542867,
0.7452633609351481,
0.7604258200844608,
0.7409928760417116,
0.7440981047276295,
0.7878746417290308,
0.7347315867696139,
0.7188394946397925,
0.7533335784516979,
0.7344591738028984,
0.7012187425148754,
0.7653243871279696,
0.7332449841217361,
0.6876541018998279,
0.6623125440428176,
0.6903128422718264,
0.6974148657621477,
0.7978940428477319,
0.7727164563204294,
0.7024282819567552,
0.708901885379765,
0.7666695400768633,
0.7678232096474106,
0.7568307724396949,
0.7966307017097979,
0.7276140820685165,
0.7609733423139678,
0.7537963459110929,
0.7461567057715414,
0.7996720859488623,
0.6655775730474943,
0.7896196657873377,
0.7217306889809747,
0.7130358561171775,
0.7055610015754725,
0.6500344706264116,
0.6310567953801126,
0.79537295264405,
0.7599918523025649,
0.7295293289746453,
0.7213136211837244,
0.6941588540071321,
0.7126619858882943,
0.760251121768267,
0.669100825114808,
0.7254104902007874,
0.7406370365548494,
0.761375589187095,
0.6455500822953149,
0.6605235421913229,
0.7393714678579746,
0.7854266447875018,
0.7722307778693027,
0.7024676518467095,
0.7105752033934377,
0.7484520112847073,
0.6373749289103815,
0.6892358052958979,
0.739522294701848,
0.6918064550590978,
0.7375543187852138,
0.7026943425281007,
0.6627516367088604,
0.7473026692894086,
0.655855058886974,
0.6567094170532088,
0.6327317941802976,
0.7004759137465095,
0.7524490737895747,
0.7386270779178612,
0.7563901696984633,
0.7413534926302869,
0.7803906305373012,
0.7684322009091205,
0.7941495879903674,
0.745880463049477,
0.7032941109758692,
0.8071534478028913,
0.701680595507649,
0.7689121010323241,
0.678353928206369,
0.686884106896935,
0.6591246670070365,
0.691157515304732,
0.7234530921560154,
0.6924904577672432,
0.6852914172855531,
0.6680135319791415,
0.7695982514351309,
0.7858536697027197,
0.6888760205084574,
0.8023205178251254,
0.7967075930340791,
0.7976196557940046,
0.8014079113367638,
0.6544288889156358,
0.6924998932939033,
0.7239559456952552,
0.7164464091057643,
0.7290672928491098,
0.6721201891020987,
0.8119053883663205,
0.6832734189744987,
0.7863649431217647,
0.7129439153351215,
0.7848861893485656,
0.6178143897636443,
0.7398462297607139,
0.7193753928665165,
0.653145214389449,
0.7928426245853265,
0.673752193535581,
0.6791124181597377,
0.7772421946906075,
0.6757789554145086,
0.7366110268837007,
0.7303800878038691,
0.8055070412632795,
0.8134356260365649,
0.7309201334757086,
0.6285410887662382,
0.6877823404936445,
0.7951205895839167,
0.7003174365405229,
0.6777273425835836,
0.7531046861781391,
0.760230397500458,
0.6283837338653379,
0.7108184091269842,
0.7039627774048313,
0.8207796435729212,
0.6769549512018587,
0.6962766479652567,
0.6757241558758497,
0.7145114230560751,
0.7069143178102166,
0.6554115339132685,
0.6028486209039186,
0.7793109384661493,
0.7626436639631848,
0.6564219201362065,
0.6876576835840064,
0.7816699386466759,
0.7896840569596206,
0.807264882411303,
0.6283143136652454,
0.6713995272044836,
0.7079775104373196,
0.7263418467592567,
0.7139160189345867,
0.8115474771352822,
0.7437121410719166,
0.699819319388932,
0.7104151307577318,
0.8084487334381834,
0.7065888998608756,
0.7451067694074267,
0.6333875968654369,
0.7130172859832425,
0.7151711312431017,
0.7886296309951504,
0.7339020297332629,
0.6768747192010343,
0.6884431148310903,
0.6847521563212474,
0.6446224744801494,
0.6665781755076126,
0.6478570281012755,
0.7056535820843572,
0.6574922109195671,
0.7807913863198742,
0.6820556192712212,
0.7467544456908133,
0.727692000479683,
0.7188359752515767,
0.6883742964434194,
0.7633529657298067,
0.7274967323109708,
0.7806761301078287,
0.712805688084645,
0.7861001688565659,
0.7588758281690632,
0.7713703606054638,
0.7529268521891407,
0.7814341015438834,
0.7655332589522273,
0.7183291466113633,
0.800815253588039,
0.7374665151155727,
0.6819052585777343,
0.7791524171314306,
0.729092448669141,
0.7037544726687067,
0.6997074420576601,
0.67695043759073,
0.7108869059839282,
0.7702633070231453,
0.7718583797747957,
0.7496866058620578,
0.7001103751916936,
0.7375765386029955,
0.7759948744179418,
0.7766738662109763,
0.7111591047763247,
0.72646344989374,
0.6461678914319555,
0.7023487719561532,
0.7367511707057597,
0.777743266707609,
0.7632471014514536,
0.7871816885259626,
0.7217656204385177,
0.7404664456299734,
0.7488758735881484,
0.7477370660157712,
0.7086213025588417,
0.7253553600820328,
0.753093449267129,
0.74265860929021,
0.7352646472235851,
0.7378912191281722,
0.6779149548011485,
0.6799897148925691,
0.7238171181800219,
0.7120793963883666,
0.6566345001110324,
0.7675849926579202,
0.7319957773414447,
0.6909136025342928,
0.7087450079473379,
0.6350016233186042,
0.7426814291178271,
0.7249773046002694,
0.7298198584741454,
0.7204671058826007,
0.671850336102291,
0.6844326300107823,
0.6888585860864583,
0.6992747049265942,
0.7884586096815736,
0.6799518671415441,
0.6778316948451105,
0.7449681012835828,
0.841332770000515,
0.7470573590279669,
0.7487344382114856,
0.6466502851345154,
0.7555851314841943,
0.6726110919459658,
0.6993199761927814,
0.7482825284953788,
0.7090783374932801,
0.6885276472409767,
0.7053192528313917,
0.7728798924892145,
0.7897159212499064,
0.708962285115691,
0.6969245466549602,
0.5968777218752407,
0.71139802505246,
0.7081702084067939,
0.848549637900464,
0.633609813571562,
0.6864353895891545,
0.6603261610580498,
0.7931446934022098,
0.708700915960702,
0.6440498582968774,
0.7759582199239144,
0.7344994985005563,
0.7173588558005105,
0.6349732796145653,
0.7397070882371426,
0.7734071591287806,
0.6941222944566661,
0.6829734581878384,
0.7051881850912313,
0.7322455033424942,
0.7036960354544533,
0.8311867832086496,
0.7817436729740148,
0.7830425141179611,
0.6823272591784986,
0.6786853202984541,
0.7383168807661425,
0.6823789782092384,
0.6961892354235143,
0.7970802553362889,
0.7091628030557632,
0.7260337970141907,
0.7012276019471735,
0.6662063092340674,
0.7231165840455761,
0.690493696291188,
0.6477352256692475,
0.7466166024037626,
0.7430359900144292,
0.7966575679200899,
0.7697467643933642,
0.7005956761629332,
0.7443671155540533,
0.7282208056605524,
0.7696209193504472,
0.7000368974435892,
0.6976489622688767,
0.7541132954172551,
0.7367518816216976,
0.6694425442894063,
0.6662473213639005,
0.6519561387583444,
0.7736186154454999,
0.6931863405830556,
0.7096325012581851,
0.6469923754217791,
0.6150217036987452,
0.7482596058338482,
0.6881289383289069,
0.7757533486902616,
0.770950146265651,
0.6479305611464755,
0.7685962508327236,
0.826173306429669,
0.730172843286816,
0.8605039876288201,
0.7311659144512561,
0.7458438449826992,
0.7866881255757695,
0.804481814481627,
0.6334247805772882,
0.8099505557529564,
0.7286792413112522,
0.7451282940798342,
0.6928131923322993,
0.7348118302693006,
0.7213051106324141,
0.6758241850935149,
0.7502157121685236,
0.6690127185219866,
0.6725917196330771,
0.8022281005018314,
0.7443108655142288,
0.733925264133741,
0.7345841820067434,
0.6883463462527541,
0.7193503191373618,
0.6722484136089326,
0.7115093291073085,
0.7503550375328876,
0.7067453901828538,
0.7196735130047914,
0.6937156224662429,
0.6874585623484796,
0.7658047825834571,
0.6855319181002517,
0.6501777921356414,
0.6187149772041681,
0.7289102783964743,
0.7234653912362836,
0.6070413449793252,
0.7111237174131937,
0.7748625853363686,
0.7958317289878432,
0.6100228012955665,
0.766032098097765,
0.6325484113664089,
0.7304909379987269,
0.7893068480461298,
0.6387684542723737,
0.7098908925478484,
0.7411358142132374,
0.7315016732666774,
0.7061516240213095,
0.6869350038048188,
0.7570586889557614,
0.765969088845046,
0.6362885281091811,
0.7571103513196702,
0.6811519362016215,
0.6970861077918451,
0.7000130095735118,
0.7576359815558454,
0.7330791024906003,
0.7714210428940524,
0.7433355152968412,
0.651652357644607,
0.7013140539588604,
0.7388119377480767,
0.6547498719723567,
0.6610129011773519,
0.7187501528233993,
0.7415064897134412,
0.7862720563087491,
0.7651263247764197,
0.72531893386476,
0.6884885778087789,
0.7669638751372627,
0.7554332850147241,
0.6305251182834958,
0.7396886193060312,
0.7396157763758914,
0.7021729853246848,
0.6788106881697908,
0.6570518418094339,
0.8008312223193508,
0.6898180367578458,
0.7848232086590686,
0.7354385656698772,
0.7219316469018309,
0.6828356090746507,
0.8185079634356092,
0.7115260527543515,
0.6932324020558108,
0.7337324243141596,
0.7548704079452098,
0.6858650451381806,
0.671315230308329,
0.7493926417363801,
0.7347825605230213,
0.6905235440126624,
0.7645978275942013,
0.788889840110845,
0.7016195654705827,
0.6768332197371298,
0.8315317219078928,
0.7285150149655638,
0.6828420906743202,
0.7365087246358952,
0.7942475210113101,
0.7413543655593561,
0.6924550701507274,
0.754974331860701,
0.6480993583673744,
0.7073214382863104,
0.694328629662337,
0.6669620855093881,
0.7818425245734552,
0.707391830749596,
0.7461838774188059,
0.7408663410408569,
0.7534440778614468,
0.7797005701476056,
0.7510980604738413,
0.7673602052648341,
0.7225831164256905,
0.662280416199087,
0.6670577181839603,
0.7516079063317157,
0.7689817177097285,
0.6535712983488133,
0.7428153763238455,
0.7141650370072329,
0.7630107629656884,
0.6862521518675039,
0.7766798755218913,
0.6391893748613039,
0.7555457307587162,
0.6844166555224991,
0.7570959732758008,
0.7600845275295075,
0.8047234463314688,
0.6563336623098441,
0.7329952616968372,
0.722754752005167,
0.7015301115046141,
0.7127111004600774,
0.7529541092141941,
0.5958038139801859,
0.7670051258328614,
0.6418944319330472,
0.7134129530881518,
0.7788214557220887,
0.7255106594617586,
0.8125337258401781,
0.7462181655531241,
0.7397007953011832,
0.7226801604797073,
0.6712029222512146,
0.6714073161947091,
0.7229350896215507,
0.7261692666180594,
0.7069202162793048,
0.6946492911098128,
0.7214069747716364,
0.6332632411077634,
0.7396648248457903,
0.6885265598444961,
0.779690540196905,
0.7596262997307831,
0.6949800893108083,
0.6856252496272806,
0.7524655163851064,
0.7490024968080924,
0.6241809197579509,
0.7003323826100878,
0.7402430028945819,
0.771280005712229,
0.7582119584850723,
0.782530076824416,
0.7110697525420648,
0.600239948385541,
0.7374219593914111,
0.7230169461607225,
0.743418416573383,
0.7372804401899085,
0.706274512532804,
0.7340198053689988,
0.701501129094086,
0.755027799712842,
0.7570633436585946,
0.6389214513009912,
0.7779877598958983,
0.6756633962392925,
0.7860531526936078,
0.7340130539167611,
0.6884280773395204,
0.6840705581735801,
0.7335204211433974,
0.7406108558043976,
0.7173208877533991,
0.6690458113149819,
0.7341572801170663,
0.7062137215911338,
0.5977203321156261,
0.757907750062465,
0.7070689300534073,
0.7167457250439353,
0.7161232960486458,
0.7425871566589064,
0.7542656182424908,
0.6701556833769127,
0.7307089149549096,
0.7859812173822945,
0.7398970032321689,
0.6248375749123736,
0.6946228257683492,
0.7158943001591435,
0.7804152754890389,
0.7711610310570065,
0.6996394594959214,
0.7594598751172311,
0.7188978292968647,
0.7226805405892818,
0.8155824522210119,
0.6489672916244175,
0.8237022953072931,
0.6912058005989747,
0.6857178724828116,
0.7405172037848211,
0.6728022114619913,
0.7204941593279923,
0.7223941717003354,
0.7051930203530448,
0.7517489210851166,
0.7235486018329654,
0.682756324006048,
0.6102952945414769,
0.8304840857997119,
0.7552628722846418,
0.7667309546269504,
0.7240050794403593,
0.7724410002376523,
0.7517780454675657,
0.6629088982969635,
0.6597657528841494,
0.7640512539683906,
0.7044119819758804,
0.713740774004892,
0.7543976904363991,
0.731669684444175,
0.6646939839315449,
0.7386548920285755,
0.6472246536653206,
0.8215642148879096,
0.8046277097987821,
0.7691345634841964,
0.7199799232410645,
0.7892306496450828,
0.7673361295437382,
0.6949554010813669,
0.7422587976964542,
0.6129264417304844,
0.7480839975941466,
0.6677198911106957,
0.7650346642168394,
0.9175479301326354,
0.6422726581242729,
0.6436038538475507,
0.7442289801593642,
0.7833168934393642,
0.7538920433944558,
0.705795169590406,
0.7225815150379615,
0.7911841057827511,
0.6789188576806909,
0.7793760040298428,
0.6556437390238344,
0.76834400348664,
0.6744937649056217,
0.6609969887068231,
0.7144978547290396,
0.7017178025621202,
0.7369594916224202,
0.6033288127008509,
0.7386152718494033,
0.7656749682804673,
0.7347438545029057,
0.7459810551457625,
0.6985761235653781,
0.6709201469337261,
0.7178353587046132,
0.6661609264405518,
0.7342876023050947,
0.7801678072267224,
0.7295302820110158,
0.622024502168444,
0.7188604399935712,
0.7531245869765829,
0.6641155575534571,
0.6514534360771528,
0.7015567327412866,
0.7583224908094922,
0.693536861965296,
0.7349067808721418,
0.6473697409654937,
0.775079967312876,
0.7537450540466719,
0.7356750252808856,
0.8397942847439128,
0.760118637306235,
0.7490127350342979,
0.6480848828148383,
0.7828879257882746,
0.6696553936912035,
0.7915942214873348,
0.7197351661685967,
0.6940041711734318,
0.7361368573524754,
0.6693742296081027,
0.691365435757123,
0.6371426169222499,
0.6738236040471908,
0.6554997948781942,
0.7209627171765954,
0.6546339147115313,
0.759821705400921,
0.6899675491364967,
0.8008832246229844,
0.7355786988997732,
0.7643779093997197,
0.8512385533298826,
0.7055242275769759,
0.7595788282762628,
0.6986208397901372,
0.6814485729437201,
0.642614908528475,
0.6439988242489145,
0.6871637958810549,
0.7237775372432854,
0.7137473924741397,
0.6595188526078445,
0.7745934434966372,
0.6846540060753227,
0.7384230097654433,
0.7141134486272931,
0.7134336481423041,
0.7990078672074787,
0.7122973982767816,
0.6589548082192566,
0.7588968270566804,
0.7341731701534443,
0.5562719900170444,
0.6921381829230013,
0.6710901897870483,
0.7001520026013921,
0.7524669067919764,
0.82007171538362,
0.6922390636452171,
0.7791859138844345,
0.8482857729004033,
0.6807738081277492,
0.7260057208985187,
0.6366716936160011,
0.6908028067081743,
0.751460060142894,
0.7586707848388734,
0.6396996209148257,
0.7628482825382762,
0.7001851029674439,
0.6992999466133571,
0.6796395687390171,
0.7299700675987121,
0.683891322361932,
0.7138385522906723,
0.7092967477216343,
0.668760065039637,
0.6791507255712333,
0.6618846456415289,
0.6822005975338007,
0.7077862428490861,
0.6799009813700775,
0.7762605649622443,
0.7486423888338327,
0.7736820267874448,
0.7264799370166737,
0.6613420162586366,
0.7844562522265326,
0.6804809480065411,
0.69320999957143,
0.6792367588687301,
0.61289131250512,
0.6747407682717077,
0.6640697780978215,
0.709813585026017,
0.7151938211874824,
0.7090969896955593,
0.8064317163782843,
0.7004213391886672,
0.7030933706876796,
0.7230700254737134,
0.6654591466410511,
0.7328319734845681,
0.6581091840705402,
0.6986744646999326,
0.6712940535108649,
0.6724753789970325,
0.7303660636162106,
0.6895214946188912,
0.719083010257099,
0.6636599400364243,
0.7465451854555839,
0.8064581850624809,
0.7579756214963814,
0.7301759520987998,
0.6561819530944715,
0.7963590733158308,
0.6616097526345488,
0.6565249395901334,
0.7578566406476991,
0.7596478397802361,
0.6147957002134558,
0.7185157086538928,
0.7063963636963616,
0.6621813949454702,
0.744572803074832,
0.6082452554484369,
0.6369085608787177,
0.7595395557504219,
0.7031546060945648,
0.6242038644244268,
0.7867437270311292,
0.6492402653789106,
0.7110436655310808,
0.7240990556493143,
0.6299746802426612,
0.7374710048283643,
0.7199715993675203,
0.7037114913059686,
0.7837965558625457,
0.7582265707911245,
0.7242348144975961,
0.6829010632721032,
0.7635449150643934,
0.6227974794319002,
0.791345087191504,
0.9102468945995986,
0.7299281124770488,
0.7198240560811149,
0.6588586241435638,
0.7382821434180398,
0.7045572198680998,
0.7745555640434547,
0.7263399290691009,
0.6318365220883069,
0.702945903658117,
0.6496383522231776,
0.6815498658665607,
0.6759332083766115
],
"xaxis": "x2",
"yaxis": "y2"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"hovertemplate": "label=-1<br>dataset=test<br>cosine_similarity=%{x}<br>count=%{y}<extra></extra>",
"legendgroup": "-1",
"marker": {
"color": "#EF553B",
"opacity": 0.5,
"pattern": {
"shape": ""
}
},
"name": "-1",
"offsetgroup": "-1",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0.733808612722421,
0.8096755903221986,
0.7136574500836688,
0.6946961589576001,
0.7161892975333582,
0.6706162920804449,
0.7017127528272616,
0.7840794185329769,
0.7704394754899686,
0.7153000789697295,
0.7333737673265969,
0.6409143325899398,
0.7163524857887646,
0.732286130905222,
0.7033730302592328,
0.6665740299271614,
0.697872827499101,
0.8690755737273753,
0.6659568993748143,
0.7319584946558448,
0.761455780802522,
0.671182693558515,
0.7935518022883694,
0.7360595662933481,
0.6456869505699788,
0.7146328987370065,
0.6857785858833074,
0.7479522325124245,
0.7054172776758839,
0.727967918204553,
0.7058945627531283,
0.7059504076147436,
0.7688446007168406,
0.731374026132821,
0.9167943245001252,
0.7017323400718816,
0.7113122451874648,
0.7416480395623872,
0.6954137269658021,
0.7686454522475029,
0.6898158464689416,
0.6822481905804921,
0.7228519342050242,
0.6919484484657491,
0.760584427335004,
0.7225486944788306,
0.69064375355842,
0.6309632806496107,
0.8207041665073312,
0.6657017341278227,
0.6958821329076824,
0.7586673337739719,
0.6539529395401488,
0.7137490621330137,
0.6589048316344285,
0.6994983115423591,
0.7674675788579961,
0.7680027793078014,
0.7393577237245883,
0.6864993658611955,
0.6606427222427708,
0.6927580397236976,
0.7859853428266914,
0.7555794248392218,
0.7810783266427361,
0.6918278372054372,
0.7188074510455122,
0.660274947421412,
0.7558543084853236,
0.7158073168290991,
0.750625368075838,
0.6866555071852685,
0.7424930957514565,
0.6150600879214401,
0.684766435749442,
0.7339360522304845,
0.7558253183202838,
0.6321669241507046,
0.8008160619760958,
0.7563807974328598,
0.6501441646488881,
0.7124357363395336,
0.7209520117171906,
0.7600345626634324,
0.8668098593841718,
0.7443020183918504,
0.7376498013091335,
0.7748534419446264,
0.756615013449059,
0.7427400566246498,
0.6707007232117098,
0.7012978697833716,
0.8764960268767127,
0.693868454564425,
0.7347403981209387,
0.7710766149111278,
0.7452307019993519,
0.7511793905093049,
0.8602846374251579,
0.7507396151193761,
0.6666404852999444,
0.6357277365250407,
0.7238884893709394,
0.7176080771372411,
0.7316742594528538,
0.6643117938207532,
0.7336586186688866,
0.741331497479641,
0.782532782153538,
0.7420650379734542,
0.7044677225487037,
0.7154936268227428,
0.6481938348454432,
0.8019276398310868,
0.762921459704245,
0.6650172472469065,
0.7595401511350974,
0.7092289110509392,
0.6947391885805524,
0.7112947862087177,
0.7157059484029251,
0.6708215684505462,
0.7625251449085504,
0.6576213623624579,
0.692554890336072,
0.7077662614038759,
0.700617015060024,
0.7522365277358234,
0.6915540595227827,
0.7049073611234479,
0.7232484848822025,
0.7156686015832692,
0.7216339234140419,
0.6772785396844432,
0.7701478900722418,
0.6899326798336382,
0.6908830681136998,
0.7046816670343011,
0.7206502350772638,
0.6481391710730063,
0.6884549741671943,
0.6248870461817206,
0.7455995168564152,
0.7178392827259539,
0.7221366278592303,
0.7504962964710468,
0.6443343685991659,
0.7629406410939298,
0.7207430026253794,
0.7296371561765113,
0.7863999983655229,
0.7658006853650849,
0.7617067796928254,
0.7050128632227137,
0.811546872870023,
0.7313707109918939,
0.6678143392134595,
0.6849691061179777,
0.6771209153211833,
0.7381447675112607,
0.6695231979309304,
0.6851438309560939,
0.7191952443243473,
0.8268743197761862,
0.7334425288612229,
0.7022946739733226,
0.684799525388117,
0.7055446081737224,
0.7368284459908842,
0.6747480693234083,
0.7176888273637463,
0.7127681697925239,
0.7760448010624172,
0.7113337179349993,
0.7404856848213975,
0.7577323179699171,
0.6976613080030991,
0.7213806744251693,
0.7458094657148278,
0.5890103799969545,
0.678918130143474,
0.7451593935492828,
0.7821452849087739,
0.7391094034520003,
0.6817898577346753,
0.6038805032299246,
0.7189349112230652,
0.6774666103498408,
0.7195194825628455,
0.7466589605541718,
0.7970127890450279,
0.7962469753008258,
0.648245944140118,
0.7605931712212929,
0.6481558391785158,
0.7650456602999911,
0.7035511432906998,
0.7265254956149494,
0.7211985380062844,
0.7098905008256031,
0.7090041345721825,
0.7592662632484469,
0.733790009869548,
0.7431017507357089,
0.7228335921886176,
0.656729925202918,
0.6357286657786914,
0.7376798637867559,
0.7628707450687237,
0.7727207809384504,
0.7490035227964489,
0.6614970794650931,
0.7560482338953637,
0.719975376479096,
0.6941377193489148,
0.7736436534901319,
0.7558358922802214,
0.7122206695248449,
0.7908898640241957,
0.7300538531609023,
0.6800701357724657,
0.7134367264196755,
0.7584669816029507,
0.7283303362386122,
0.7358618116619671,
0.679779461943635,
0.7373981628263673,
0.7487471064749619,
0.713153291674097,
0.7715226406256662,
0.6962105575885335,
0.7563337141977703,
0.6839107560559543,
0.6340266222028844,
0.7628623045220508,
0.6767399035182576,
0.7396397891380341,
0.6616579503270833,
0.7049868163263567,
0.7730793433792449,
0.6310859224031072,
0.7518625403760588,
0.8138452692035701,
0.6893688933153236,
0.7867252265558675,
0.7430864494673711,
0.7562410324735471,
0.6892851677145488,
0.6974021710420393,
0.6267253940431212,
0.7389117839557527,
0.7578753865703185,
0.7562861022636107,
0.8735288249235711,
0.7847610502373193,
0.6681936823626421,
0.7660025144316324,
0.7033333683156138,
0.7595528484662837,
0.7113374555851945,
0.8094635207008187,
0.7758067781021241,
0.792009610952383,
0.7057585792675349,
0.7475984669752455,
0.6275990576174412,
0.7980605175023677,
0.7377831905549629,
0.6616709645038857,
0.6878114741418135,
0.7080225773369202,
0.6893125252345512,
0.6794405127430985,
0.7067359440357107,
0.7400458218749066,
0.7507310059848469,
0.7295497197469641,
0.7538459682148175,
0.6430304043789552,
0.7472413954402232,
0.6180886757218981,
0.6333220068104545,
0.7837703576044178,
0.7451438890386475,
0.7604541994572782,
0.6597517100911787,
0.7334906122789535,
0.7302578455730084,
0.743179971907848,
0.7173467288488313,
0.7421263048495874,
0.7015703118962675,
0.6881455469078945,
0.7296596837535454,
0.7934647918951165,
0.7976475994961207,
0.6650430510387649,
0.6849393050737138,
0.7687155706314405,
0.7371996748718859,
0.723905506717786,
0.6640096867564933,
0.7573318882696597,
0.7480129167536836,
0.6941527810002578,
0.6363466393328723,
0.7734754764114294,
0.7042523845212847,
0.7252978672299101,
0.7697412961497292,
0.678446584685495,
0.6777891375266982,
0.7339001036017695,
0.6807859001168932,
0.780659041224598,
0.7149503916346244,
0.6975828349444418,
0.7190700340282247,
0.7072577801648965,
0.6978543937414302,
0.8090445952812882,
0.7447156574978567,
0.7384276774588907,
0.7564996630396794,
0.7761054655012867,
0.7604798823277639,
0.7444114402883911,
0.7374469830253354,
0.7019933297044362,
0.7255740074736986,
0.7026250644232823,
0.7844583511188271,
0.6789705266773598,
0.724831382336414,
0.8898715726675799,
0.6801449957635367,
0.80063859078112,
0.7074621006695078,
0.6578510355548556,
0.7113624937623583,
0.6582783016050482,
0.605664334839928,
0.7036569317727356,
0.7036230755104095,
0.6766159689654477,
0.7905983826381816,
0.7028108421960998,
0.7405273182613226,
0.758804037838166,
0.8136268961571369,
0.7331619771734916,
0.6928681832505637,
0.6331962670841614,
0.7811826414707788,
0.751397579241695,
0.7947961900370606,
0.6798551940775667,
0.7297448219535289,
0.7442778595998876,
0.731399627061603,
0.6942487784125465,
0.7596069809076328,
0.7667918995026148,
0.7517814979594076,
0.6647472809238297,
0.7733644799549318,
0.6998970981242867,
0.6990654888541076,
0.7210930376830638,
0.6368097705732314,
0.6891142589421874,
0.7817675249201285,
0.6716992174302456,
0.7132586610120013,
0.678888748764851,
0.7128411792523062,
0.6473463461734072,
0.7773562789595514,
0.8369921158473376,
0.7123820341416309,
0.7582111705510953,
0.7804246362112831,
0.7258106845502436,
0.7116276081845468,
0.645917597191297,
0.7376725584144543,
0.7741074431905651,
0.6644263291386314,
0.6747589582262354,
0.7251702587618662,
0.7355768026932491,
0.7290111975680718,
0.6938824643537206,
0.6962911230065009,
0.7349443402941448,
0.7441966924143233,
0.7890525742504751,
0.6839352843870589,
0.7147063474625778,
0.721180925878551,
0.6833715309531129,
0.6718399608475478,
0.8154130289396777,
0.7201379336416041,
0.7142084591768607,
0.7782694194901877,
0.6677494024590154,
0.6495553362560141,
0.7814853781720281,
0.6678415269155804,
0.8871156972532422,
0.7222517683963112,
0.7353536015335691,
0.6900601324521468,
0.6968349514359057,
0.7504394136202225,
0.6557320018121827,
0.7566189415196345,
0.6857691814521447,
0.7640798329548756,
0.6804255881217153,
0.7463645375842893,
0.6789892636675332,
0.7299464548427684,
0.849585737078284,
0.6842000492420224,
0.7701348921017618,
0.7918821739364447,
0.7633613070654551,
0.6944978416475421,
0.7605289867598024,
0.7266416477057464,
0.7157588761043465,
0.7371591107662585,
0.6975820371156901,
0.7367228215702322,
0.6910213329712034,
0.7873824692683816,
0.718370768952736,
0.6943182565943523,
0.7292922440081105,
0.7105318384921254,
0.8397202337901437,
0.7252459342254397,
0.736297538315973,
0.709153705080417,
0.6934219833497997,
0.6999461646042865,
0.7288432195062279,
0.7232643249811197,
0.7884928292525913,
0.671810704329888,
0.6701792324307875,
0.7220052716150548,
0.727541728902951,
0.7656593500462866,
0.7681812998825729,
0.674612808288449,
0.7311672603588912,
0.8014890720096715,
0.6711855822167107,
0.7309390697880713,
0.6990404080740616,
0.690206745667359,
0.6509024078021023,
0.714028101172609,
0.6552771144265604,
0.657181971222296,
0.7329416195920511,
0.8334224026337997,
0.7264377057577013,
0.7455199267693537,
0.6805014565543055,
0.7046198498650019,
0.681455493791577,
0.8133930772933513,
0.7383886729912579,
0.7006681089365906,
0.6600911951745766,
0.666953746743661,
0.6179712498569165,
0.7158690804054011,
0.6490078821123987,
0.7445553713658941,
0.7422834411894211,
0.7450693926146927,
0.6967713944862167,
0.7287419216878565,
0.760732964890147,
0.6302063114632339,
0.7581109135987657,
0.7592615467632214,
0.7291847135807872,
0.6457647953768725,
0.7473522873232563,
0.7482404303583805,
0.6836244458066965,
0.6638266042792593,
0.7264314636570604,
0.7694390202460315,
0.7293874884831577,
0.6880133882575522,
0.6327339230140944,
0.7161818234251951,
0.59939337862658,
0.7362633121411741,
0.6849814144772787,
0.7316893745662078,
0.6174968295028586,
0.742490539641178,
0.8013841493635286,
0.6774354481661107,
0.659655813846649,
0.7159885145158954,
0.7548003646896357,
0.689224688681901,
0.6282507398268218,
0.6948001568970897,
0.6941889930328713,
0.7589802062059754,
0.707110309657677,
0.6853454689409604,
0.7663842448137995,
0.6193160789566128,
0.742364647290729,
0.7522504991424726,
0.7423209810779531,
0.7125392062826702,
0.8027131425808919,
0.7676893279899298,
0.7372376255954994,
0.7179870919213148,
0.72871870729554,
0.6891722217576163,
0.7582802839875226,
0.7187475167712246,
0.6481661146924816,
0.6591751744609505,
0.6367264582742169,
0.8084949785158031,
0.7745672544476542,
0.7863137212061955,
0.6758657103469373,
0.6923098732979455,
0.7320084305674329,
0.7272213554748171,
0.7304767390998567,
0.7362409154367285,
0.7706917454386275,
0.8420419609900684,
0.636816200030513,
0.7628553410747835,
0.6899355301298522,
0.6874397405955394,
0.8434912712091857,
0.7456217564952697,
0.7122613284199716,
0.7807552026265074,
0.7540943695457966,
0.6906554906762173,
0.7928354598129485,
0.6969999656726141,
0.7952917610677992,
0.7677211329630538,
0.7117074588039758,
0.774484595656067,
0.7625019766700181,
0.7640243730700113,
0.7606728601273793,
0.6725434272644903,
0.6537103444963984,
0.726153605074262,
0.7262392074021249,
0.7942359411092523,
0.7372777343849721,
0.7183689274289442,
0.653381577950328,
0.7232156844944788,
0.7537356562711679,
0.8008165875281235,
0.666677549464589,
0.6290633862649654,
0.7227075757436343,
0.790348563178615,
0.7611005724819927,
0.7042585035966156,
0.8263600618360651,
0.7452753293087933,
0.7457711882095782,
0.7030914244992933,
0.7617755731860059,
0.7445124641348775,
0.7676511578235069,
0.7131175055853871,
0.6947601852271732,
0.79993037074586,
0.7317770947876376,
0.6792409674684616,
0.707282044196361,
0.8078978678902935,
0.6996462802516517,
0.845190259358716,
0.7028249443031639,
0.7127164241004258,
0.7611089181223719,
0.6671727871717766,
0.6720555052838548,
0.73906761263553,
0.7117953057370534,
0.6876583403801038,
0.6792009337542413,
0.7291959668787451,
0.7764067655535587,
0.7490755016142665,
0.722242361144851,
0.7335803921738501,
0.6254672298384617,
0.7388070303496403,
0.7442327950320803,
0.7196409347285337,
0.7751708512723088,
0.8033473025349913,
0.7031967137804267,
0.7015399810149913,
0.6799432056225767,
0.7650577812389521,
0.7955136219962722,
0.7148638410180242,
0.6493006910563418,
0.743203497513402,
0.6986086465969753,
0.7014019670149205,
0.7404281939038304,
0.7125854521447805,
0.6574161186675046,
0.6967321777468214,
0.9058605104272146,
0.7094451877892061,
0.7015248917512261,
0.6947168689199564,
0.7241842506517484,
0.730711869068513,
0.6885770934985247,
0.7123442383560914,
0.7734489903252668,
0.7169639321243553,
0.6236679760203282,
0.7473453813108262,
0.6789861344746575,
0.6823203657690599,
0.6787868870147805,
0.7196462603982532,
0.7012603536579588,
0.7736152136977154,
0.7053167187782399,
0.7525571241427288,
0.8093791038611199,
0.8121986571430618,
0.6592112870551079,
0.7519289198029865,
0.6678303875060174,
0.6901470981931271,
0.7471630985015568,
0.6938156552198702,
0.7797560087435307,
0.7789294419620717,
0.8129822765220263,
0.6956569877422267,
0.7220676553951076,
0.7285664425503793,
0.6919954169188302,
0.7827640881426497,
0.7420373359441998,
0.7725847387380212,
0.6363578914656449,
0.6645170144012799,
0.7294038880736263,
0.6866483541492003,
0.7675580472232284,
0.7113584263954873,
0.7731128074983692,
0.74876442802983,
0.7627414653686145,
0.7748942352501321,
0.6511352005455288,
0.7199680359846606,
0.7553615090113283,
0.7107444238415942,
0.6660908348532031,
0.7917366896528827,
0.7161258690345358,
0.7508210849625606,
0.7586438831658835,
0.7331737085091826,
0.7161403112650623,
0.7399027395387715,
0.7634475796581064,
0.6518397987585391,
0.6662059355780249,
0.7336985155787143,
0.7534340006664789,
0.6682048219318895,
0.778536753107379,
0.7868828985109619,
0.7388811324080236,
0.7194999683338209,
0.7623373818197381,
0.7278008976099645,
0.7426868217424903,
0.736675321879769,
0.6916800323061755,
0.7478009971471552,
0.6913556378334608,
0.7343958741840441,
0.7852702085835251,
0.7275171580884899,
0.8066548344653236,
0.6751610756236244,
0.7488628653875226,
0.6976467527650271,
0.747953379849842,
0.7615830082984164,
0.7041172590853501,
0.8339622342242132,
0.6835657532408941,
0.8323205878931993,
0.759691220236894,
0.7394676456044019,
0.7342376050554091,
0.7569116342779935,
0.615210475568536,
0.8198541634852837,
0.7044867599663035,
0.821826135747106,
0.7514501374166415,
0.868441713455197,
0.7861602929973256,
0.814359135293286,
0.7138166518951709,
0.7653118277750015,
0.7518764939832268,
0.6887704809425476,
0.6460739991257044,
0.7470525659675715,
0.7335702317796153,
0.7811487841016506,
0.7439182359977214,
0.7121422702042702,
0.6701998795288425,
0.7868457316167541,
0.6957772017217687,
0.7811235732734375,
0.7014235235056031,
0.7393738275182853,
0.7693692697705268,
0.7212291812111804,
0.6094640460666545,
0.6962505139323016,
0.6863417986885199,
0.7537555601247774,
0.7137051446613193,
0.7079097158255484,
0.7044675634830572,
0.8128751941926636,
0.8048414456854736,
0.7142494961270535,
0.709390023939683,
0.7222879550154574,
0.6957406340465555,
0.7452548702361588,
0.809497232695735,
0.7327748733781092,
0.7290564935921946,
0.7349695388254462,
0.657270878024383,
0.7034738977808789,
0.6596160947085278,
0.7070567994879462,
0.7136118517401663,
0.6803736914084902,
0.8022481279701666,
0.6489320512077527,
0.6306806206524778,
0.7816937794095402,
0.790603648011319,
0.7255161331330392,
0.8025693045737875,
0.7067053622354867,
0.7448004459872597,
0.8071631380664475,
0.6613665420115686,
0.7750114491392986,
0.7309121543984036,
0.7791172690905471,
0.7801198072138181,
0.7299331142546898,
0.7576832613158355,
0.6542722368113973,
0.676830120011252,
0.7339804027922404,
0.731463434692267,
0.6530350119454532,
0.6176658406946264,
0.5969002967443466,
0.7178780626938072,
0.798355523752188,
0.7248703759295431,
0.7353413197344236,
0.723305451975811,
0.7970341192126258,
0.8459526783328899,
0.7107011977812796,
0.7052207998293366,
0.7659653176317722,
0.7638321872466213,
0.7308385886189313,
0.7278488382581857,
0.7541299251848532,
0.7208958858830931,
0.6245194756031945,
0.7645707403823289,
0.7533975126083666,
0.7133732444904975,
0.7477180158319496,
0.7056019016775519,
0.8283237688748438,
0.7095437635927908,
0.7139430928616224,
0.7138928524681838,
0.71886374197525,
0.7625056266522409,
0.7439753205820925,
0.7937445842694464,
0.7866914140027632,
0.6103068405816566,
0.7496441173600654,
0.7711655014629071,
0.7473914927821081,
0.7095463314831985,
0.6692199134184346,
0.7622907090651437,
0.7528286096842919,
0.6658710024720792,
0.7008434070465704,
0.6688207429308329,
0.7636341420454118,
0.6932023741371137,
0.7633395032652884,
0.7007040359513883,
0.8305097847667672,
0.7993145078714537,
0.7490606351286696,
0.7345263211488141,
0.6481067897413951,
0.7557148543098351,
0.720569531869272,
0.7199272010974265,
0.6965685293831632,
0.695192620450324,
0.7724167841746131,
0.71314655578065,
0.7760586511108403,
0.8284334415709769,
0.6227633402126141,
0.6701293576221229,
0.6975195157966916,
0.7141769457754172,
0.6985106769686094,
0.7932253382580516,
0.7353993904750415,
0.7071980643544095,
0.7565868673269392,
0.7423918129196422,
0.7766072522170349,
0.6978333616431589,
0.7512943890704767,
0.6060680144961756,
0.7673496694565495,
0.7807674853360769,
0.6800882544226979,
0.6635691525085154,
0.7415632421051974,
0.7904504486128537,
0.7544848478249674,
0.7018535209432849,
0.601987351869111,
0.7200158052424431,
0.7016175790201432,
0.7302271840401456,
0.712872338620263,
0.7663167448666433,
0.6733091308014775,
0.7261789177275738,
0.7105816628788031,
0.7470844783357008,
0.7495045933154916,
0.7333380222764858,
0.690173464419944,
0.7135590870645626,
0.613904001758798,
0.7871759125095183,
0.6990622866187937,
0.6730990943457503,
0.7701833315371597,
0.8076527398074028,
0.7419909935295746,
0.670572756844612,
0.6535675528817062,
0.7578872496336543,
0.7455870771375072,
0.7942869288227817,
0.7544709953605925,
0.7134091082434777,
0.7051387579532836,
0.7531284666030983,
0.6596357849819636,
0.762842543265471,
0.7064257431037614,
0.7667173695487668,
0.7393218628532761,
0.7375078418022358,
0.7021032064325392,
0.7199864891694778,
0.6545417865514843,
0.6848988710598337,
0.73431385936852,
0.8055321927938764,
0.7021225394444689,
0.7102172521169872,
0.6761389942714757,
0.7072346018911094,
0.6891198327647218,
0.767341166032085,
0.6447781533326051,
0.6665764093206257,
0.6958427280016429,
0.7219317931487592,
0.6813816828211485,
0.6914685186676484,
0.7126180897203285,
0.7501216052134139,
0.7413926009741164,
0.7793221715156882,
0.6600160373092842,
0.7391947299146392,
0.7357863476799672,
0.6802056471923408,
0.6939667913187698,
0.7037673707749853,
0.7051006152021287,
0.7646886844561559,
0.6939746498554221,
0.7612035383937463,
0.704748021522712,
0.8187085432686183,
0.6986087025599607,
0.6403840622057536,
0.7525893250009544,
0.6810889101387998,
0.7120867565418738,
0.7123025770319636,
0.7695287727060086,
0.7317457387757962,
0.793209367244555,
0.6983934092398992,
0.7547786477354198,
0.6933062166566661,
0.7594750407052938,
0.7439687760534269,
0.7252275803050048,
0.6642643728870791,
0.6837737031972602,
0.6254897806687066,
0.7065553941806103,
0.7494695808216777,
0.757127898738628,
0.7417084438293342,
0.6772077870298754,
0.6518536762741807,
0.6659052228561633,
0.7077973427124727,
0.7006430674770204,
0.7058096675035919,
0.7009769182475268,
0.6675219145414206,
0.6943031771519523,
0.632146478726184,
0.6583466694467769,
0.663494588282447,
0.6524447769354234,
0.7109381751495445,
0.7167794540328764,
0.6870702930531464,
0.7112419121445066,
0.7736048099764976,
0.8159485038019552,
0.7918856405560939,
0.769246063759217,
0.6780972555338384,
0.7344728202456373
],
"xaxis": "x",
"yaxis": "y"
}
],
"layout": {
"annotations": [
{
"font": {},
"showarrow": false,
"text": "dataset=test",
"textangle": 90,
"x": 0.98,
"xanchor": "left",
"xref": "paper",
"y": 0.2425,
"yanchor": "middle",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "dataset=train",
"textangle": 90,
"x": 0.98,
"xanchor": "left",
"xref": "paper",
"y": 0.7575000000000001,
"yanchor": "middle",
"yref": "paper"
}
],
"barmode": "overlay",
"legend": {
"title": {
"text": "label"
},
"tracegroupgap": 0
},
"margin": {
"t": 60
},
"template": {
"data": {
"bar": [
{
"error_x": {
"color": "#2a3f5f"
},
"error_y": {
"color": "#2a3f5f"
},
"marker": {
"line": {
"color": "#E5ECF6",
"width": 0.5
},
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "bar"
}
],
"barpolar": [
{
"marker": {
"line": {
"color": "#E5ECF6",
"width": 0.5
},
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "barpolar"
}
],
"carpet": [
{
"aaxis": {
"endlinecolor": "#2a3f5f",
"gridcolor": "white",
"linecolor": "white",
"minorgridcolor": "white",
"startlinecolor": "#2a3f5f"
},
"baxis": {
"endlinecolor": "#2a3f5f",
"gridcolor": "white",
"linecolor": "white",
"minorgridcolor": "white",
"startlinecolor": "#2a3f5f"
},
"type": "carpet"
}
],
"choropleth": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "choropleth"
}
],
"contour": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "contour"
}
],
"contourcarpet": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "contourcarpet"
}
],
"heatmap": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "heatmap"
}
],
"heatmapgl": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "heatmapgl"
}
],
"histogram": [
{
"marker": {
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "histogram"
}
],
"histogram2d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "histogram2d"
}
],
"histogram2dcontour": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "histogram2dcontour"
}
],
"mesh3d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "mesh3d"
}
],
"parcoords": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "parcoords"
}
],
"pie": [
{
"automargin": true,
"type": "pie"
}
],
"scatter": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatter"
}
],
"scatter3d": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatter3d"
}
],
"scattercarpet": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattercarpet"
}
],
"scattergeo": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattergeo"
}
],
"scattergl": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattergl"
}
],
"scattermapbox": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattermapbox"
}
],
"scatterpolar": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterpolar"
}
],
"scatterpolargl": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterpolargl"
}
],
"scatterternary": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterternary"
}
],
"surface": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "surface"
}
],
"table": [
{
"cells": {
"fill": {
"color": "#EBF0F8"
},
"line": {
"color": "white"
}
},
"header": {
"fill": {
"color": "#C8D4E3"
},
"line": {
"color": "white"
}
},
"type": "table"
}
]
},
"layout": {
"annotationdefaults": {
"arrowcolor": "#2a3f5f",
"arrowhead": 0,
"arrowwidth": 1
},
"autotypenumbers": "strict",
"coloraxis": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"colorscale": {
"diverging": [
[
0,
"#8e0152"
],
[
0.1,
"#c51b7d"
],
[
0.2,
"#de77ae"
],
[
0.3,
"#f1b6da"
],
[
0.4,
"#fde0ef"
],
[
0.5,
"#f7f7f7"
],
[
0.6,
"#e6f5d0"
],
[
0.7,
"#b8e186"
],
[
0.8,
"#7fbc41"
],
[
0.9,
"#4d9221"
],
[
1,
"#276419"
]
],
"sequential": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"sequentialminus": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
]
},
"colorway": [
"#636efa",
"#EF553B",
"#00cc96",
"#ab63fa",
"#FFA15A",
"#19d3f3",
"#FF6692",
"#B6E880",
"#FF97FF",
"#FECB52"
],
"font": {
"color": "#2a3f5f"
},
"geo": {
"bgcolor": "white",
"lakecolor": "white",
"landcolor": "#E5ECF6",
"showlakes": true,
"showland": true,
"subunitcolor": "white"
},
"hoverlabel": {
"align": "left"
},
"hovermode": "closest",
"mapbox": {
"style": "light"
},
"paper_bgcolor": "white",
"plot_bgcolor": "#E5ECF6",
"polar": {
"angularaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"bgcolor": "#E5ECF6",
"radialaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
}
},
"scene": {
"xaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
},
"yaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
},
"zaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
}
},
"shapedefaults": {
"line": {
"color": "#2a3f5f"
}
},
"ternary": {
"aaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"baxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"bgcolor": "#E5ECF6",
"caxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
}
},
"title": {
"x": 0.05
},
"xaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"title": {
"standoff": 15
},
"zerolinecolor": "white",
"zerolinewidth": 2
},
"yaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"title": {
"standoff": 15
},
"zerolinecolor": "white",
"zerolinewidth": 2
}
}
},
"width": 500,
"xaxis": {
"anchor": "y",
"domain": [
0,
0.98
],
"title": {
"text": "cosine_similarity"
}
},
"xaxis2": {
"anchor": "y2",
"domain": [
0,
0.98
],
"matches": "x",
"showticklabels": false
},
"yaxis": {
"anchor": "x",
"domain": [
0,
0.485
],
"title": {
"text": "count"
}
},
"yaxis2": {
"anchor": "x2",
"domain": [
0.515,
1
],
"matches": "y",
"title": {
"text": "count"
}
}
}
}
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"train accuracy: 88.6% ± 1.4%\n",
"test accuracy: 90.0% ± 1.3%\n"
]
}
],
"source": [
"# calculate accuracy (and its standard error) of predicting label=1 if similarity>x\n",
"# x is optimized by sweeping from -1 to 1 in steps of 0.01\n",
"def accuracy_and_se(cosine_similarity:float, labeled_similarity:int) -> Tuple[float]:\n",
" accuracies = []\n",
" for threshold_thousandths in range(-1000, 1000, 1):\n",
" threshold = threshold_thousandths / 1000\n",
" total = 0\n",
" correct = 0\n",
" for cs, ls in zip(cosine_similarity, labeled_similarity):\n",
" total += 1\n",
" if cs > threshold:\n",
" prediction = 1\n",
" else:\n",
" prediction = -1\n",
" if prediction == ls:\n",
" correct += 1\n",
" accuracy = correct / total\n",
" accuracies.append(accuracy)\n",
" a = max(accuracies)\n",
" n = len(cosine_similarity)\n",
" standard_error = (a * (1 - a) / n) ** 0.5 # standard error of binomial\n",
" return a, standard_error\n",
"\n",
"# check that training and test sets are balanced\n",
"px.histogram(\n",
" df,\n",
" x=\"cosine_similarity\",\n",
" color=\"label\",\n",
" barmode=\"overlay\",\n",
" width=500,\n",
" facet_row=\"dataset\",\n",
").show()\n",
"\n",
"for dataset in [\"train\", \"test\"]:\n",
" data = df[df[\"dataset\"] == dataset]\n",
" a, se = accuracy_and_se(data[\"cosine_similarity\"], data[\"label\"])\n",
" print(f'{dataset} accuracy: {a:0.1%} ± {1.96 * se:0.1%}')\n",
"\n"
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "zHLxlnsApgkR"
},
"source": [
"## 7. Optimize the matrix using the training data provided"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"id": "z52V0x8IpgkR"
},
"outputs": [],
"source": [
"def embedding_multiplied_by_matrix(embedding: List[float], matrix: torch.tensor) -> np.array:\n",
" embedding_tensor = torch.tensor(embedding).float()\n",
" modified_embedding = embedding_tensor @ matrix\n",
" modified_embedding = modified_embedding.detach().numpy()\n",
" return modified_embedding\n",
"\n",
"\n",
"# compute custom embeddings and new cosine similarities\n",
"def apply_matrix_to_embeddings_dataframe(matrix: torch.tensor, df: pd.DataFrame):\n",
" for column in [\"text_1_embedding\", \"text_2_embedding\"]:\n",
" df[f\"{column}_custom\"] = df[column].apply(\n",
" lambda x: embedding_multiplied_by_matrix(x, matrix)\n",
" )\n",
" df[\"cosine_similarity_custom\"] = df.apply(\n",
" lambda row: cosine_similarity(\n",
" row[\"text_1_embedding_custom\"], row[\"text_2_embedding_custom\"]\n",
" ),\n",
" axis=1,\n",
" )\n"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"id": "p2ZSXu6spgkR"
},
"outputs": [],
"source": [
"def optimize_matrix(\n",
" modified_embedding_length: int = 2048, # in my brief experimentation, bigger was better (2048 is length of babbage encoding)\n",
" batch_size: int = 100,\n",
" max_epochs: int = 100,\n",
" learning_rate: float = 100.0, # seemed to work best when similar to batch size - feel free to try a range of values\n",
" dropout_fraction: float = 0.0, # in my testing, dropout helped by a couple percentage points (definitely not necessary)\n",
" df: pd.DataFrame = df,\n",
" print_progress: bool = True,\n",
" save_results: bool = True,\n",
") -> torch.tensor:\n",
" \"\"\"Return matrix optimized to minimize loss on training data.\"\"\"\n",
" run_id = random.randint(0, 2 ** 31 - 1) # (range is arbitrary)\n",
" # convert from dataframe to torch tensors\n",
" # e is for embedding, s for similarity label\n",
" def tensors_from_dataframe(\n",
" df: pd.DataFrame,\n",
" embedding_column_1: str,\n",
" embedding_column_2: str,\n",
" similarity_label_column: str,\n",
" ) -> Tuple[torch.tensor]:\n",
" e1 = np.stack(np.array(df[embedding_column_1].values))\n",
" e2 = np.stack(np.array(df[embedding_column_2].values))\n",
" s = np.stack(np.array(df[similarity_label_column].astype(\"float\").values))\n",
"\n",
" e1 = torch.from_numpy(e1).float()\n",
" e2 = torch.from_numpy(e2).float()\n",
" s = torch.from_numpy(s).float()\n",
"\n",
" return e1, e2, s\n",
"\n",
" e1_train, e2_train, s_train = tensors_from_dataframe(\n",
" df[df[\"dataset\"] == \"train\"], \"text_1_embedding\", \"text_2_embedding\", \"label\"\n",
" )\n",
" e1_test, e2_test, s_test = tensors_from_dataframe(\n",
" df[df[\"dataset\"] == \"train\"], \"text_1_embedding\", \"text_2_embedding\", \"label\"\n",
" )\n",
"\n",
" # create dataset and loader\n",
" dataset = torch.utils.data.TensorDataset(e1_train, e2_train, s_train)\n",
" train_loader = torch.utils.data.DataLoader(\n",
" dataset, batch_size=batch_size, shuffle=True\n",
" )\n",
"\n",
" # define model (similarity of projected embeddings)\n",
" def model(embedding_1, embedding_2, matrix, dropout_fraction=dropout_fraction):\n",
" e1 = torch.nn.functional.dropout(embedding_1, p=dropout_fraction)\n",
" e2 = torch.nn.functional.dropout(embedding_2, p=dropout_fraction)\n",
" modified_embedding_1 = e1 @ matrix # @ is matrix multiplication\n",
" modified_embedding_2 = e2 @ matrix\n",
" similarity = torch.nn.functional.cosine_similarity(\n",
" modified_embedding_1, modified_embedding_2\n",
" )\n",
" return similarity\n",
"\n",
" # define loss function to minimize\n",
" def mse_loss(predictions, targets):\n",
" difference = predictions - targets\n",
" return torch.sum(difference * difference) / difference.numel()\n",
"\n",
" # initialize projection matrix\n",
" embedding_length = len(df[\"text_1_embedding\"].values[0])\n",
" matrix = torch.randn(\n",
" embedding_length, modified_embedding_length, requires_grad=True\n",
" )\n",
"\n",
" epochs, types, losses, accuracies, matrices = [], [], [], [], []\n",
" for epoch in range(1, 1 + max_epochs):\n",
" # iterate through training dataloader\n",
" for a, b, actual_similarity in train_loader:\n",
" # generate prediction\n",
" predicted_similarity = model(a, b, matrix)\n",
" # get loss and perform backpropagation\n",
" loss = mse_loss(predicted_similarity, actual_similarity)\n",
" loss.backward()\n",
" # update the weights\n",
" with torch.no_grad():\n",
" matrix -= matrix.grad * learning_rate\n",
" # set gradients to zero\n",
" matrix.grad.zero_()\n",
" # calculate test loss\n",
" test_predictions = model(e1_test, e2_test, matrix)\n",
" test_loss = mse_loss(test_predictions, s_test)\n",
"\n",
" # compute custom embeddings and new cosine similarities\n",
" apply_matrix_to_embeddings_dataframe(matrix, df)\n",
"\n",
" # calculate test accuracy\n",
" for dataset in [\"train\", \"test\"]:\n",
" data = df[df[\"dataset\"] == dataset]\n",
" a, se = accuracy_and_se(data[\"cosine_similarity_custom\"], data[\"label\"])\n",
"\n",
" # record results of each epoch\n",
" epochs.append(epoch)\n",
" types.append(dataset)\n",
" losses.append(loss.item() if dataset == \"train\" else test_loss.item())\n",
" accuracies.append(a)\n",
" matrices.append(matrix.detach().numpy())\n",
"\n",
" # optionally print accuracies\n",
" if print_progress is True:\n",
" print(\n",
" f\"Epoch {epoch}/{max_epochs}: {dataset} accuracy: {a:0.1%} ± {1.96 * se:0.1%}\"\n",
" )\n",
"\n",
" data = pd.DataFrame(\n",
" {\"epoch\": epochs, \"type\": types, \"loss\": losses, \"accuracy\": accuracies}\n",
" )\n",
" data[\"run_id\"] = run_id\n",
" data[\"modified_embedding_length\"] = modified_embedding_length\n",
" data[\"batch_size\"] = batch_size\n",
" data[\"max_epochs\"] = max_epochs\n",
" data[\"learning_rate\"] = learning_rate\n",
" data[\"dropout_fraction\"] = dropout_fraction\n",
" data[\n",
" \"matrix\"\n",
" ] = matrices # saving every single matrix can get big; feel free to delete/change\n",
" if save_results is True:\n",
" data.to_csv(f\"{run_id}_optimization_results.csv\", index=False)\n",
"\n",
" return data\n"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"id": "nlcUW-zEpgkS",
"outputId": "4bd4bdff-628a-406f-fffe-aedbfad66446"
},
"outputs": [
{
"name": "stdout",
"output_type": "stream",
"text": [
"Epoch 1/30: train accuracy: 89.7% ± 1.3%\n",
"Epoch 1/30: test accuracy: 91.8% ± 1.2%\n",
"Epoch 2/30: train accuracy: 91.0% ± 1.3%\n",
"Epoch 2/30: test accuracy: 92.3% ± 1.2%\n",
"Epoch 3/30: train accuracy: 91.5% ± 1.2%\n",
"Epoch 3/30: test accuracy: 93.0% ± 1.1%\n",
"Epoch 4/30: train accuracy: 92.0% ± 1.2%\n",
"Epoch 4/30: test accuracy: 93.2% ± 1.1%\n",
"Epoch 5/30: train accuracy: 92.7% ± 1.1%\n",
"Epoch 5/30: test accuracy: 93.7% ± 1.1%\n",
"Epoch 6/30: train accuracy: 92.8% ± 1.1%\n",
"Epoch 6/30: test accuracy: 94.0% ± 1.0%\n",
"Epoch 7/30: train accuracy: 93.0% ± 1.1%\n",
"Epoch 7/30: test accuracy: 94.2% ± 1.0%\n",
"Epoch 8/30: train accuracy: 93.2% ± 1.1%\n",
"Epoch 8/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 9/30: train accuracy: 93.2% ± 1.1%\n",
"Epoch 9/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 10/30: train accuracy: 93.5% ± 1.1%\n",
"Epoch 10/30: test accuracy: 94.6% ± 1.0%\n",
"Epoch 11/30: train accuracy: 93.7% ± 1.1%\n",
"Epoch 11/30: test accuracy: 94.7% ± 1.0%\n",
"Epoch 12/30: train accuracy: 93.8% ± 1.1%\n",
"Epoch 12/30: test accuracy: 94.8% ± 1.0%\n",
"Epoch 13/30: train accuracy: 93.7% ± 1.1%\n",
"Epoch 13/30: test accuracy: 94.8% ± 1.0%\n",
"Epoch 14/30: train accuracy: 93.8% ± 1.1%\n",
"Epoch 14/30: test accuracy: 94.8% ± 1.0%\n",
"Epoch 15/30: train accuracy: 93.8% ± 1.1%\n",
"Epoch 15/30: test accuracy: 94.7% ± 1.0%\n",
"Epoch 16/30: train accuracy: 93.8% ± 1.1%\n",
"Epoch 16/30: test accuracy: 94.8% ± 1.0%\n",
"Epoch 17/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 17/30: test accuracy: 94.8% ± 1.0%\n",
"Epoch 18/30: train accuracy: 93.9% ± 1.0%\n",
"Epoch 18/30: test accuracy: 94.7% ± 1.0%\n",
"Epoch 19/30: train accuracy: 93.8% ± 1.1%\n",
"Epoch 19/30: test accuracy: 94.8% ± 1.0%\n",
"Epoch 20/30: train accuracy: 93.7% ± 1.1%\n",
"Epoch 20/30: test accuracy: 94.8% ± 1.0%\n",
"Epoch 21/30: train accuracy: 93.9% ± 1.0%\n",
"Epoch 21/30: test accuracy: 94.8% ± 1.0%\n",
"Epoch 22/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 22/30: test accuracy: 94.7% ± 1.0%\n",
"Epoch 23/30: train accuracy: 93.9% ± 1.0%\n",
"Epoch 23/30: test accuracy: 94.7% ± 1.0%\n",
"Epoch 24/30: train accuracy: 93.9% ± 1.0%\n",
"Epoch 24/30: test accuracy: 94.7% ± 1.0%\n",
"Epoch 25/30: train accuracy: 93.8% ± 1.1%\n",
"Epoch 25/30: test accuracy: 94.6% ± 1.0%\n",
"Epoch 26/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 26/30: test accuracy: 94.7% ± 1.0%\n",
"Epoch 27/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 27/30: test accuracy: 94.6% ± 1.0%\n",
"Epoch 28/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 28/30: test accuracy: 94.6% ± 1.0%\n",
"Epoch 29/30: train accuracy: 93.8% ± 1.1%\n",
"Epoch 29/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 30/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 30/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 1/30: train accuracy: 89.9% ± 1.3%\n",
"Epoch 1/30: test accuracy: 91.8% ± 1.2%\n",
"Epoch 2/30: train accuracy: 91.1% ± 1.2%\n",
"Epoch 2/30: test accuracy: 92.3% ± 1.2%\n",
"Epoch 3/30: train accuracy: 91.8% ± 1.2%\n",
"Epoch 3/30: test accuracy: 92.8% ± 1.1%\n",
"Epoch 4/30: train accuracy: 92.3% ± 1.2%\n",
"Epoch 4/30: test accuracy: 93.2% ± 1.1%\n",
"Epoch 5/30: train accuracy: 92.8% ± 1.1%\n",
"Epoch 5/30: test accuracy: 93.5% ± 1.1%\n",
"Epoch 6/30: train accuracy: 93.0% ± 1.1%\n",
"Epoch 6/30: test accuracy: 93.7% ± 1.1%\n",
"Epoch 7/30: train accuracy: 93.2% ± 1.1%\n",
"Epoch 7/30: test accuracy: 94.0% ± 1.0%\n",
"Epoch 8/30: train accuracy: 93.5% ± 1.1%\n",
"Epoch 8/30: test accuracy: 94.1% ± 1.0%\n",
"Epoch 9/30: train accuracy: 93.7% ± 1.1%\n",
"Epoch 9/30: test accuracy: 94.3% ± 1.0%\n",
"Epoch 10/30: train accuracy: 93.7% ± 1.1%\n",
"Epoch 10/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 11/30: train accuracy: 93.8% ± 1.1%\n",
"Epoch 11/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 12/30: train accuracy: 93.8% ± 1.1%\n",
"Epoch 12/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 13/30: train accuracy: 93.9% ± 1.0%\n",
"Epoch 13/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 14/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 14/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 15/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 15/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 16/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 16/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 17/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 17/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 18/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 18/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 19/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 19/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 20/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 20/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 21/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 21/30: test accuracy: 94.4% ± 1.0%\n",
"Epoch 22/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 22/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 23/30: train accuracy: 93.9% ± 1.0%\n",
"Epoch 23/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 24/30: train accuracy: 93.9% ± 1.0%\n",
"Epoch 24/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 25/30: train accuracy: 93.9% ± 1.0%\n",
"Epoch 25/30: test accuracy: 94.4% ± 1.0%\n",
"Epoch 26/30: train accuracy: 93.9% ± 1.0%\n",
"Epoch 26/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 27/30: train accuracy: 93.9% ± 1.0%\n",
"Epoch 27/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 28/30: train accuracy: 93.8% ± 1.1%\n",
"Epoch 28/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 29/30: train accuracy: 93.8% ± 1.1%\n",
"Epoch 29/30: test accuracy: 94.4% ± 1.0%\n",
"Epoch 30/30: train accuracy: 93.8% ± 1.1%\n",
"Epoch 30/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 1/30: train accuracy: 89.8% ± 1.3%\n",
"Epoch 1/30: test accuracy: 92.0% ± 1.2%\n",
"Epoch 2/30: train accuracy: 91.1% ± 1.2%\n",
"Epoch 2/30: test accuracy: 92.5% ± 1.2%\n",
"Epoch 3/30: train accuracy: 91.7% ± 1.2%\n",
"Epoch 3/30: test accuracy: 92.7% ± 1.1%\n",
"Epoch 4/30: train accuracy: 92.4% ± 1.2%\n",
"Epoch 4/30: test accuracy: 93.0% ± 1.1%\n",
"Epoch 5/30: train accuracy: 92.8% ± 1.1%\n",
"Epoch 5/30: test accuracy: 93.4% ± 1.1%\n",
"Epoch 6/30: train accuracy: 93.0% ± 1.1%\n",
"Epoch 6/30: test accuracy: 93.8% ± 1.1%\n",
"Epoch 7/30: train accuracy: 93.3% ± 1.1%\n",
"Epoch 7/30: test accuracy: 94.1% ± 1.0%\n",
"Epoch 8/30: train accuracy: 93.6% ± 1.1%\n",
"Epoch 8/30: test accuracy: 94.2% ± 1.0%\n",
"Epoch 9/30: train accuracy: 93.7% ± 1.1%\n",
"Epoch 9/30: test accuracy: 94.3% ± 1.0%\n",
"Epoch 10/30: train accuracy: 93.8% ± 1.1%\n",
"Epoch 10/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 11/30: train accuracy: 93.9% ± 1.0%\n",
"Epoch 11/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 12/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 12/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 13/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 13/30: test accuracy: 94.8% ± 1.0%\n",
"Epoch 14/30: train accuracy: 94.1% ± 1.0%\n",
"Epoch 14/30: test accuracy: 94.7% ± 1.0%\n",
"Epoch 15/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 15/30: test accuracy: 94.6% ± 1.0%\n",
"Epoch 16/30: train accuracy: 94.1% ± 1.0%\n",
"Epoch 16/30: test accuracy: 94.7% ± 1.0%\n",
"Epoch 17/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 17/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 18/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 18/30: test accuracy: 94.6% ± 1.0%\n",
"Epoch 19/30: train accuracy: 94.1% ± 1.0%\n",
"Epoch 19/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 20/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 20/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 21/30: train accuracy: 94.1% ± 1.0%\n",
"Epoch 21/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 22/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 22/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 23/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 23/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 24/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 24/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 25/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 25/30: test accuracy: 94.4% ± 1.0%\n",
"Epoch 26/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 26/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 27/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 27/30: test accuracy: 94.3% ± 1.0%\n",
"Epoch 28/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 28/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 29/30: train accuracy: 94.0% ± 1.0%\n",
"Epoch 29/30: test accuracy: 94.5% ± 1.0%\n",
"Epoch 30/30: train accuracy: 93.9% ± 1.0%\n",
"Epoch 30/30: test accuracy: 94.5% ± 1.0%\n"
]
}
],
"source": [
"# example hyperparameter search\n",
"# I recommend starting with max_epochs=10 while initially exploring\n",
"results = []\n",
"max_epochs = 30\n",
"dropout_fraction = 0.2\n",
"for batch_size, learning_rate in [(10, 10), (100, 100), (1000, 1000)]:\n",
" result = optimize_matrix(\n",
" batch_size=batch_size,\n",
" learning_rate=learning_rate,\n",
" max_epochs=max_epochs,\n",
" dropout_fraction=dropout_fraction,\n",
" save_results=False\n",
" )\n",
" results.append(result)\n"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"id": "PoTZWC1SpgkS",
"outputId": "207360e5-fd07-4180-a143-0ec5dd27ffe1"
},
"outputs": [
{
"data": {
"application/vnd.plotly.v1+json": {
"config": {
"plotlyServerURL": "https://plot.ly"
},
"data": [
{
"customdata": [
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
]
],
"hovertemplate": "type=train<br>learning_rate=%{customdata[1]}<br>batch_size=%{customdata[0]}<br>run_id=1235918105<br>epoch=%{x}<br>loss=%{y}<br>dropout_fraction=%{customdata[2]}<extra></extra>",
"legendgroup": "train",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "train",
"orientation": "v",
"showlegend": true,
"type": "scatter",
"x": [
1,
2,
3,
4,
5,
6,
7,
8,
9,
10,
11,
12,
13,
14,
15,
16,
17,
18,
19,
20,
21,
22,
23,
24,
25,
26,
27,
28,
29,
30
],
"xaxis": "x7",
"y": [
0.8752098083496094,
0.8111512064933777,
0.8045997619628906,
0.6814097166061401,
0.7244662046432495,
0.654396653175354,
0.7158231735229492,
0.60301673412323,
0.8579185605049133,
0.7823032140731812,
0.6988246440887451,
0.6268879175186157,
0.7695052623748779,
0.7785537242889404,
0.7192729711532593,
0.7319465279579163,
0.6501322984695435,
0.6887680292129517,
0.5308414101600647,
0.6563971638679504,
0.832607626914978,
0.6141974329948425,
0.7861021161079407,
0.3763020634651184,
0.6403546333312988,
0.6385329961776733,
0.6266233325004578,
0.5444704294204712,
0.803198516368866,
0.8094643354415894
],
"yaxis": "y7"
},
{
"customdata": [
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
]
],
"hovertemplate": "type=train<br>learning_rate=%{customdata[1]}<br>batch_size=%{customdata[0]}<br>run_id=1453565130<br>epoch=%{x}<br>loss=%{y}<br>dropout_fraction=%{customdata[2]}<extra></extra>",
"legendgroup": "train",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "train",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
1,
2,
3,
4,
5,
6,
7,
8,
9,
10,
11,
12,
13,
14,
15,
16,
17,
18,
19,
20,
21,
22,
23,
24,
25,
26,
27,
28,
29,
30
],
"xaxis": "x5",
"y": [
0.9031824469566345,
0.7820568680763245,
0.8350976705551147,
0.7450261116027832,
0.7942959070205688,
0.7368384599685669,
0.7080315351486206,
0.7104476094245911,
0.7361327409744263,
0.7125653624534607,
0.7331475019454956,
0.7547722458839417,
0.7303107976913452,
0.6395519375801086,
0.7281540036201477,
0.782763659954071,
0.6657403707504272,
0.6939694285392761,
0.6715722680091858,
0.6590710282325745,
0.717387318611145,
0.7714691162109375,
0.732475221157074,
0.6905904412269592,
0.6898763179779053,
0.6635298132896423,
0.6976637244224548,
0.6568927764892578,
0.731926441192627,
0.684678316116333
],
"yaxis": "y5"
},
{
"customdata": [
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
]
],
"hovertemplate": "type=train<br>learning_rate=%{customdata[1]}<br>batch_size=%{customdata[0]}<br>run_id=1192408106<br>epoch=%{x}<br>loss=%{y}<br>dropout_fraction=%{customdata[2]}<extra></extra>",
"legendgroup": "train",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "train",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
1,
2,
3,
4,
5,
6,
7,
8,
9,
10,
11,
12,
13,
14,
15,
16,
17,
18,
19,
20,
21,
22,
23,
24,
25,
26,
27,
28,
29,
30
],
"xaxis": "x3",
"y": [
1.057761788368225,
0.7889353036880493,
0.7662376761436462,
0.7793267369270325,
0.7614614367485046,
0.7517197132110596,
0.752865731716156,
0.7440145611763,
0.7370209097862244,
0.7260904312133789,
0.7387098073959351,
0.7264154553413391,
0.7283938527107239,
0.7232958078384399,
0.7204722762107849,
0.7225043773651123,
0.7206780910491943,
0.701306939125061,
0.7132549285888672,
0.6991444826126099,
0.7022733092308044,
0.6998502612113953,
0.6983294486999512,
0.6692309379577637,
0.6924417018890381,
0.6973738074302673,
0.6858358383178711,
0.6686532497406006,
0.6827566027641296,
0.6879485845565796
],
"yaxis": "y3"
},
{
"customdata": [
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
]
],
"hovertemplate": "type=test<br>learning_rate=%{customdata[1]}<br>batch_size=%{customdata[0]}<br>run_id=1235918105<br>epoch=%{x}<br>loss=%{y}<br>dropout_fraction=%{customdata[2]}<extra></extra>",
"legendgroup": "test",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "test",
"orientation": "v",
"showlegend": true,
"type": "scatter",
"x": [
1,
2,
3,
4,
5,
6,
7,
8,
9,
10,
11,
12,
13,
14,
15,
16,
17,
18,
19,
20,
21,
22,
23,
24,
25,
26,
27,
28,
29,
30
],
"xaxis": "x7",
"y": [
0.8529921174049377,
0.7735385298728943,
0.766411304473877,
0.7610315084457397,
0.7531112432479858,
0.7482106685638428,
0.745144248008728,
0.7423331141471863,
0.7366483807563782,
0.731307864189148,
0.7320063710212708,
0.7254921793937683,
0.7189522385597229,
0.719982922077179,
0.7154057025909424,
0.7117088437080383,
0.7099972367286682,
0.7059959173202515,
0.7037109136581421,
0.7020075917243958,
0.6986343264579773,
0.695629358291626,
0.6924094557762146,
0.6923645734786987,
0.6879932880401611,
0.6884063482284546,
0.6840173006057739,
0.6833314895629883,
0.6810442209243774,
0.6802780628204346
],
"yaxis": "y7"
},
{
"customdata": [
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
]
],
"hovertemplate": "type=test<br>learning_rate=%{customdata[1]}<br>batch_size=%{customdata[0]}<br>run_id=1453565130<br>epoch=%{x}<br>loss=%{y}<br>dropout_fraction=%{customdata[2]}<extra></extra>",
"legendgroup": "test",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "test",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
1,
2,
3,
4,
5,
6,
7,
8,
9,
10,
11,
12,
13,
14,
15,
16,
17,
18,
19,
20,
21,
22,
23,
24,
25,
26,
27,
28,
29,
30
],
"xaxis": "x5",
"y": [
0.8546406030654907,
0.7756075859069824,
0.7654449939727783,
0.7562645077705383,
0.7524689435958862,
0.7502551674842834,
0.7437863945960999,
0.7417890429496765,
0.7345554828643799,
0.7296847105026245,
0.7298382520675659,
0.7239859104156494,
0.7186493277549744,
0.7199806571006775,
0.7138548493385315,
0.7081822156906128,
0.7079757452011108,
0.7020074725151062,
0.701033890247345,
0.7000135183334351,
0.6969002485275269,
0.6950446367263794,
0.6938855051994324,
0.689642071723938,
0.6858862042427063,
0.6852315664291382,
0.685377836227417,
0.6782873868942261,
0.680194079875946,
0.6774910688400269
],
"yaxis": "y5"
},
{
"customdata": [
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
]
],
"hovertemplate": "type=test<br>learning_rate=%{customdata[1]}<br>batch_size=%{customdata[0]}<br>run_id=1192408106<br>epoch=%{x}<br>loss=%{y}<br>dropout_fraction=%{customdata[2]}<extra></extra>",
"legendgroup": "test",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "test",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
1,
2,
3,
4,
5,
6,
7,
8,
9,
10,
11,
12,
13,
14,
15,
16,
17,
18,
19,
20,
21,
22,
23,
24,
25,
26,
27,
28,
29,
30
],
"xaxis": "x3",
"y": [
0.836783230304718,
0.7722618579864502,
0.7657186388969421,
0.7620762586593628,
0.7539551854133606,
0.7512868642807007,
0.7448520064353943,
0.7385745644569397,
0.7372658848762512,
0.732252836227417,
0.7298806309700012,
0.7244182825088501,
0.7211914658546448,
0.7192030549049377,
0.7161393761634827,
0.7122572064399719,
0.7090919017791748,
0.708330512046814,
0.7052409648895264,
0.7013033032417297,
0.697830319404602,
0.6958222389221191,
0.6914324760437012,
0.6917513012886047,
0.6868370175361633,
0.6869704723358154,
0.6833069920539856,
0.6823804378509521,
0.681814968585968,
0.681012749671936
],
"yaxis": "y3"
}
],
"layout": {
"annotations": [
{
"font": {},
"showarrow": false,
"text": "batch_size=10",
"x": 0.15666666666666665,
"xanchor": "center",
"xref": "paper",
"y": 0.9999999999999998,
"yanchor": "bottom",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "batch_size=100",
"x": 0.49,
"xanchor": "center",
"xref": "paper",
"y": 0.9999999999999998,
"yanchor": "bottom",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "batch_size=1000",
"x": 0.8233333333333333,
"xanchor": "center",
"xref": "paper",
"y": 0.9999999999999998,
"yanchor": "bottom",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "learning_rate=1000",
"textangle": 90,
"x": 0.98,
"xanchor": "left",
"xref": "paper",
"y": 0.15666666666666665,
"yanchor": "middle",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "learning_rate=100",
"textangle": 90,
"x": 0.98,
"xanchor": "left",
"xref": "paper",
"y": 0.4999999999999999,
"yanchor": "middle",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "learning_rate=10",
"textangle": 90,
"x": 0.98,
"xanchor": "left",
"xref": "paper",
"y": 0.8433333333333332,
"yanchor": "middle",
"yref": "paper"
}
],
"legend": {
"title": {
"text": "type"
},
"tracegroupgap": 0
},
"margin": {
"t": 60
},
"template": {
"data": {
"bar": [
{
"error_x": {
"color": "#2a3f5f"
},
"error_y": {
"color": "#2a3f5f"
},
"marker": {
"line": {
"color": "#E5ECF6",
"width": 0.5
},
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "bar"
}
],
"barpolar": [
{
"marker": {
"line": {
"color": "#E5ECF6",
"width": 0.5
},
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "barpolar"
}
],
"carpet": [
{
"aaxis": {
"endlinecolor": "#2a3f5f",
"gridcolor": "white",
"linecolor": "white",
"minorgridcolor": "white",
"startlinecolor": "#2a3f5f"
},
"baxis": {
"endlinecolor": "#2a3f5f",
"gridcolor": "white",
"linecolor": "white",
"minorgridcolor": "white",
"startlinecolor": "#2a3f5f"
},
"type": "carpet"
}
],
"choropleth": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "choropleth"
}
],
"contour": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "contour"
}
],
"contourcarpet": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "contourcarpet"
}
],
"heatmap": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "heatmap"
}
],
"heatmapgl": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "heatmapgl"
}
],
"histogram": [
{
"marker": {
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "histogram"
}
],
"histogram2d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "histogram2d"
}
],
"histogram2dcontour": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "histogram2dcontour"
}
],
"mesh3d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "mesh3d"
}
],
"parcoords": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "parcoords"
}
],
"pie": [
{
"automargin": true,
"type": "pie"
}
],
"scatter": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatter"
}
],
"scatter3d": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatter3d"
}
],
"scattercarpet": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattercarpet"
}
],
"scattergeo": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattergeo"
}
],
"scattergl": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattergl"
}
],
"scattermapbox": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattermapbox"
}
],
"scatterpolar": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterpolar"
}
],
"scatterpolargl": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterpolargl"
}
],
"scatterternary": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterternary"
}
],
"surface": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "surface"
}
],
"table": [
{
"cells": {
"fill": {
"color": "#EBF0F8"
},
"line": {
"color": "white"
}
},
"header": {
"fill": {
"color": "#C8D4E3"
},
"line": {
"color": "white"
}
},
"type": "table"
}
]
},
"layout": {
"annotationdefaults": {
"arrowcolor": "#2a3f5f",
"arrowhead": 0,
"arrowwidth": 1
},
"autotypenumbers": "strict",
"coloraxis": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"colorscale": {
"diverging": [
[
0,
"#8e0152"
],
[
0.1,
"#c51b7d"
],
[
0.2,
"#de77ae"
],
[
0.3,
"#f1b6da"
],
[
0.4,
"#fde0ef"
],
[
0.5,
"#f7f7f7"
],
[
0.6,
"#e6f5d0"
],
[
0.7,
"#b8e186"
],
[
0.8,
"#7fbc41"
],
[
0.9,
"#4d9221"
],
[
1,
"#276419"
]
],
"sequential": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"sequentialminus": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
]
},
"colorway": [
"#636efa",
"#EF553B",
"#00cc96",
"#ab63fa",
"#FFA15A",
"#19d3f3",
"#FF6692",
"#B6E880",
"#FF97FF",
"#FECB52"
],
"font": {
"color": "#2a3f5f"
},
"geo": {
"bgcolor": "white",
"lakecolor": "white",
"landcolor": "#E5ECF6",
"showlakes": true,
"showland": true,
"subunitcolor": "white"
},
"hoverlabel": {
"align": "left"
},
"hovermode": "closest",
"mapbox": {
"style": "light"
},
"paper_bgcolor": "white",
"plot_bgcolor": "#E5ECF6",
"polar": {
"angularaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"bgcolor": "#E5ECF6",
"radialaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
}
},
"scene": {
"xaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
},
"yaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
},
"zaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
}
},
"shapedefaults": {
"line": {
"color": "#2a3f5f"
}
},
"ternary": {
"aaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"baxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"bgcolor": "#E5ECF6",
"caxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
}
},
"title": {
"x": 0.05
},
"xaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"title": {
"standoff": 15
},
"zerolinecolor": "white",
"zerolinewidth": 2
},
"yaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"title": {
"standoff": 15
},
"zerolinecolor": "white",
"zerolinewidth": 2
}
}
},
"width": 500,
"xaxis": {
"anchor": "y",
"domain": [
0,
0.3133333333333333
],
"title": {
"text": "epoch"
}
},
"xaxis2": {
"anchor": "y2",
"domain": [
0.3333333333333333,
0.6466666666666666
],
"matches": "x",
"title": {
"text": "epoch"
}
},
"xaxis3": {
"anchor": "y3",
"domain": [
0.6666666666666666,
0.98
],
"matches": "x",
"title": {
"text": "epoch"
}
},
"xaxis4": {
"anchor": "y4",
"domain": [
0,
0.3133333333333333
],
"matches": "x",
"showticklabels": false
},
"xaxis5": {
"anchor": "y5",
"domain": [
0.3333333333333333,
0.6466666666666666
],
"matches": "x",
"showticklabels": false
},
"xaxis6": {
"anchor": "y6",
"domain": [
0.6666666666666666,
0.98
],
"matches": "x",
"showticklabels": false
},
"xaxis7": {
"anchor": "y7",
"domain": [
0,
0.3133333333333333
],
"matches": "x",
"showticklabels": false
},
"xaxis8": {
"anchor": "y8",
"domain": [
0.3333333333333333,
0.6466666666666666
],
"matches": "x",
"showticklabels": false
},
"xaxis9": {
"anchor": "y9",
"domain": [
0.6666666666666666,
0.98
],
"matches": "x",
"showticklabels": false
},
"yaxis": {
"anchor": "x",
"domain": [
0,
0.3133333333333333
],
"title": {
"text": "loss"
}
},
"yaxis2": {
"anchor": "x2",
"domain": [
0,
0.3133333333333333
],
"matches": "y",
"showticklabels": false
},
"yaxis3": {
"anchor": "x3",
"domain": [
0,
0.3133333333333333
],
"matches": "y",
"showticklabels": false
},
"yaxis4": {
"anchor": "x4",
"domain": [
0.34333333333333327,
0.6566666666666665
],
"matches": "y",
"title": {
"text": "loss"
}
},
"yaxis5": {
"anchor": "x5",
"domain": [
0.34333333333333327,
0.6566666666666665
],
"matches": "y",
"showticklabels": false
},
"yaxis6": {
"anchor": "x6",
"domain": [
0.34333333333333327,
0.6566666666666665
],
"matches": "y",
"showticklabels": false
},
"yaxis7": {
"anchor": "x7",
"domain": [
0.6866666666666665,
0.9999999999999998
],
"matches": "y",
"title": {
"text": "loss"
}
},
"yaxis8": {
"anchor": "x8",
"domain": [
0.6866666666666665,
0.9999999999999998
],
"matches": "y",
"showticklabels": false
},
"yaxis9": {
"anchor": "x9",
"domain": [
0.6866666666666665,
0.9999999999999998
],
"matches": "y",
"showticklabels": false
}
}
}
},
"metadata": {},
"output_type": "display_data"
},
{
"data": {
"application/vnd.plotly.v1+json": {
"config": {
"plotlyServerURL": "https://plot.ly"
},
"data": [
{
"customdata": [
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
]
],
"hovertemplate": "type=train<br>learning_rate=%{customdata[1]}<br>batch_size=%{customdata[0]}<br>run_id=1235918105<br>epoch=%{x}<br>accuracy=%{y}<br>dropout_fraction=%{customdata[2]}<extra></extra>",
"legendgroup": "train",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "train",
"orientation": "v",
"showlegend": true,
"type": "scatter",
"x": [
1,
2,
3,
4,
5,
6,
7,
8,
9,
10,
11,
12,
13,
14,
15,
16,
17,
18,
19,
20,
21,
22,
23,
24,
25,
26,
27,
28,
29,
30
],
"xaxis": "x7",
"y": [
0.897,
0.9095,
0.9155,
0.92,
0.9265,
0.9285,
0.93,
0.9325,
0.9325,
0.9355,
0.9365,
0.9375,
0.9365,
0.9375,
0.9385,
0.9385,
0.9395,
0.939,
0.9385,
0.937,
0.939,
0.9395,
0.939,
0.939,
0.9385,
0.9395,
0.94,
0.9405,
0.9385,
0.94
],
"yaxis": "y7"
},
{
"customdata": [
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
]
],
"hovertemplate": "type=train<br>learning_rate=%{customdata[1]}<br>batch_size=%{customdata[0]}<br>run_id=1453565130<br>epoch=%{x}<br>accuracy=%{y}<br>dropout_fraction=%{customdata[2]}<extra></extra>",
"legendgroup": "train",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "train",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
1,
2,
3,
4,
5,
6,
7,
8,
9,
10,
11,
12,
13,
14,
15,
16,
17,
18,
19,
20,
21,
22,
23,
24,
25,
26,
27,
28,
29,
30
],
"xaxis": "x5",
"y": [
0.899,
0.911,
0.9185,
0.923,
0.9275,
0.9305,
0.9325,
0.935,
0.937,
0.9365,
0.9375,
0.938,
0.939,
0.9395,
0.9395,
0.9395,
0.9405,
0.9395,
0.9405,
0.9405,
0.94,
0.94,
0.939,
0.939,
0.939,
0.939,
0.939,
0.9375,
0.938,
0.9385
],
"yaxis": "y5"
},
{
"customdata": [
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
]
],
"hovertemplate": "type=train<br>learning_rate=%{customdata[1]}<br>batch_size=%{customdata[0]}<br>run_id=1192408106<br>epoch=%{x}<br>accuracy=%{y}<br>dropout_fraction=%{customdata[2]}<extra></extra>",
"legendgroup": "train",
"line": {
"color": "#636efa",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "train",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
1,
2,
3,
4,
5,
6,
7,
8,
9,
10,
11,
12,
13,
14,
15,
16,
17,
18,
19,
20,
21,
22,
23,
24,
25,
26,
27,
28,
29,
30
],
"xaxis": "x3",
"y": [
0.8985,
0.911,
0.917,
0.924,
0.928,
0.9305,
0.9335,
0.936,
0.937,
0.9375,
0.939,
0.94,
0.9405,
0.941,
0.94,
0.941,
0.94,
0.9395,
0.941,
0.9405,
0.941,
0.9405,
0.9395,
0.9405,
0.94,
0.9395,
0.9395,
0.94,
0.9405,
0.939
],
"yaxis": "y3"
},
{
"customdata": [
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
],
[
10,
10,
0.2
]
],
"hovertemplate": "type=test<br>learning_rate=%{customdata[1]}<br>batch_size=%{customdata[0]}<br>run_id=1235918105<br>epoch=%{x}<br>accuracy=%{y}<br>dropout_fraction=%{customdata[2]}<extra></extra>",
"legendgroup": "test",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "test",
"orientation": "v",
"showlegend": true,
"type": "scatter",
"x": [
1,
2,
3,
4,
5,
6,
7,
8,
9,
10,
11,
12,
13,
14,
15,
16,
17,
18,
19,
20,
21,
22,
23,
24,
25,
26,
27,
28,
29,
30
],
"xaxis": "x7",
"y": [
0.9175,
0.9235,
0.93,
0.9325,
0.9365,
0.9395,
0.9425,
0.945,
0.945,
0.946,
0.9465,
0.9475,
0.9475,
0.9475,
0.947,
0.9485,
0.9475,
0.947,
0.9475,
0.9475,
0.948,
0.9465,
0.947,
0.9465,
0.946,
0.9465,
0.946,
0.946,
0.9455,
0.9455
],
"yaxis": "y7"
},
{
"customdata": [
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
],
[
100,
100,
0.2
]
],
"hovertemplate": "type=test<br>learning_rate=%{customdata[1]}<br>batch_size=%{customdata[0]}<br>run_id=1453565130<br>epoch=%{x}<br>accuracy=%{y}<br>dropout_fraction=%{customdata[2]}<extra></extra>",
"legendgroup": "test",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "test",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
1,
2,
3,
4,
5,
6,
7,
8,
9,
10,
11,
12,
13,
14,
15,
16,
17,
18,
19,
20,
21,
22,
23,
24,
25,
26,
27,
28,
29,
30
],
"xaxis": "x5",
"y": [
0.9175,
0.923,
0.9275,
0.932,
0.9345,
0.937,
0.94,
0.941,
0.943,
0.9445,
0.9445,
0.9445,
0.945,
0.9445,
0.9445,
0.9455,
0.945,
0.945,
0.9455,
0.9445,
0.944,
0.945,
0.945,
0.9455,
0.944,
0.9445,
0.9445,
0.945,
0.944,
0.945
],
"yaxis": "y5"
},
{
"customdata": [
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
],
[
1000,
1000,
0.2
]
],
"hovertemplate": "type=test<br>learning_rate=%{customdata[1]}<br>batch_size=%{customdata[0]}<br>run_id=1192408106<br>epoch=%{x}<br>accuracy=%{y}<br>dropout_fraction=%{customdata[2]}<extra></extra>",
"legendgroup": "test",
"line": {
"color": "#EF553B",
"dash": "solid"
},
"marker": {
"symbol": "circle"
},
"mode": "lines",
"name": "test",
"orientation": "v",
"showlegend": false,
"type": "scatter",
"x": [
1,
2,
3,
4,
5,
6,
7,
8,
9,
10,
11,
12,
13,
14,
15,
16,
17,
18,
19,
20,
21,
22,
23,
24,
25,
26,
27,
28,
29,
30
],
"xaxis": "x3",
"y": [
0.9195,
0.9245,
0.927,
0.9305,
0.934,
0.938,
0.941,
0.942,
0.943,
0.9445,
0.945,
0.9455,
0.9475,
0.9465,
0.946,
0.9465,
0.945,
0.946,
0.9455,
0.9455,
0.945,
0.9445,
0.945,
0.945,
0.944,
0.9445,
0.9435,
0.945,
0.9455,
0.945
],
"yaxis": "y3"
}
],
"layout": {
"annotations": [
{
"font": {},
"showarrow": false,
"text": "batch_size=10",
"x": 0.15666666666666665,
"xanchor": "center",
"xref": "paper",
"y": 0.9999999999999998,
"yanchor": "bottom",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "batch_size=100",
"x": 0.49,
"xanchor": "center",
"xref": "paper",
"y": 0.9999999999999998,
"yanchor": "bottom",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "batch_size=1000",
"x": 0.8233333333333333,
"xanchor": "center",
"xref": "paper",
"y": 0.9999999999999998,
"yanchor": "bottom",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "learning_rate=1000",
"textangle": 90,
"x": 0.98,
"xanchor": "left",
"xref": "paper",
"y": 0.15666666666666665,
"yanchor": "middle",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "learning_rate=100",
"textangle": 90,
"x": 0.98,
"xanchor": "left",
"xref": "paper",
"y": 0.4999999999999999,
"yanchor": "middle",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "learning_rate=10",
"textangle": 90,
"x": 0.98,
"xanchor": "left",
"xref": "paper",
"y": 0.8433333333333332,
"yanchor": "middle",
"yref": "paper"
}
],
"legend": {
"title": {
"text": "type"
},
"tracegroupgap": 0
},
"margin": {
"t": 60
},
"template": {
"data": {
"bar": [
{
"error_x": {
"color": "#2a3f5f"
},
"error_y": {
"color": "#2a3f5f"
},
"marker": {
"line": {
"color": "#E5ECF6",
"width": 0.5
},
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "bar"
}
],
"barpolar": [
{
"marker": {
"line": {
"color": "#E5ECF6",
"width": 0.5
},
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "barpolar"
}
],
"carpet": [
{
"aaxis": {
"endlinecolor": "#2a3f5f",
"gridcolor": "white",
"linecolor": "white",
"minorgridcolor": "white",
"startlinecolor": "#2a3f5f"
},
"baxis": {
"endlinecolor": "#2a3f5f",
"gridcolor": "white",
"linecolor": "white",
"minorgridcolor": "white",
"startlinecolor": "#2a3f5f"
},
"type": "carpet"
}
],
"choropleth": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "choropleth"
}
],
"contour": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "contour"
}
],
"contourcarpet": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "contourcarpet"
}
],
"heatmap": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "heatmap"
}
],
"heatmapgl": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "heatmapgl"
}
],
"histogram": [
{
"marker": {
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "histogram"
}
],
"histogram2d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "histogram2d"
}
],
"histogram2dcontour": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "histogram2dcontour"
}
],
"mesh3d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "mesh3d"
}
],
"parcoords": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "parcoords"
}
],
"pie": [
{
"automargin": true,
"type": "pie"
}
],
"scatter": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatter"
}
],
"scatter3d": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatter3d"
}
],
"scattercarpet": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattercarpet"
}
],
"scattergeo": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattergeo"
}
],
"scattergl": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattergl"
}
],
"scattermapbox": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattermapbox"
}
],
"scatterpolar": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterpolar"
}
],
"scatterpolargl": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterpolargl"
}
],
"scatterternary": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterternary"
}
],
"surface": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "surface"
}
],
"table": [
{
"cells": {
"fill": {
"color": "#EBF0F8"
},
"line": {
"color": "white"
}
},
"header": {
"fill": {
"color": "#C8D4E3"
},
"line": {
"color": "white"
}
},
"type": "table"
}
]
},
"layout": {
"annotationdefaults": {
"arrowcolor": "#2a3f5f",
"arrowhead": 0,
"arrowwidth": 1
},
"autotypenumbers": "strict",
"coloraxis": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"colorscale": {
"diverging": [
[
0,
"#8e0152"
],
[
0.1,
"#c51b7d"
],
[
0.2,
"#de77ae"
],
[
0.3,
"#f1b6da"
],
[
0.4,
"#fde0ef"
],
[
0.5,
"#f7f7f7"
],
[
0.6,
"#e6f5d0"
],
[
0.7,
"#b8e186"
],
[
0.8,
"#7fbc41"
],
[
0.9,
"#4d9221"
],
[
1,
"#276419"
]
],
"sequential": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"sequentialminus": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
]
},
"colorway": [
"#636efa",
"#EF553B",
"#00cc96",
"#ab63fa",
"#FFA15A",
"#19d3f3",
"#FF6692",
"#B6E880",
"#FF97FF",
"#FECB52"
],
"font": {
"color": "#2a3f5f"
},
"geo": {
"bgcolor": "white",
"lakecolor": "white",
"landcolor": "#E5ECF6",
"showlakes": true,
"showland": true,
"subunitcolor": "white"
},
"hoverlabel": {
"align": "left"
},
"hovermode": "closest",
"mapbox": {
"style": "light"
},
"paper_bgcolor": "white",
"plot_bgcolor": "#E5ECF6",
"polar": {
"angularaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"bgcolor": "#E5ECF6",
"radialaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
}
},
"scene": {
"xaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
},
"yaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
},
"zaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
}
},
"shapedefaults": {
"line": {
"color": "#2a3f5f"
}
},
"ternary": {
"aaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"baxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"bgcolor": "#E5ECF6",
"caxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
}
},
"title": {
"x": 0.05
},
"xaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"title": {
"standoff": 15
},
"zerolinecolor": "white",
"zerolinewidth": 2
},
"yaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"title": {
"standoff": 15
},
"zerolinecolor": "white",
"zerolinewidth": 2
}
}
},
"width": 500,
"xaxis": {
"anchor": "y",
"domain": [
0,
0.3133333333333333
],
"title": {
"text": "epoch"
}
},
"xaxis2": {
"anchor": "y2",
"domain": [
0.3333333333333333,
0.6466666666666666
],
"matches": "x",
"title": {
"text": "epoch"
}
},
"xaxis3": {
"anchor": "y3",
"domain": [
0.6666666666666666,
0.98
],
"matches": "x",
"title": {
"text": "epoch"
}
},
"xaxis4": {
"anchor": "y4",
"domain": [
0,
0.3133333333333333
],
"matches": "x",
"showticklabels": false
},
"xaxis5": {
"anchor": "y5",
"domain": [
0.3333333333333333,
0.6466666666666666
],
"matches": "x",
"showticklabels": false
},
"xaxis6": {
"anchor": "y6",
"domain": [
0.6666666666666666,
0.98
],
"matches": "x",
"showticklabels": false
},
"xaxis7": {
"anchor": "y7",
"domain": [
0,
0.3133333333333333
],
"matches": "x",
"showticklabels": false
},
"xaxis8": {
"anchor": "y8",
"domain": [
0.3333333333333333,
0.6466666666666666
],
"matches": "x",
"showticklabels": false
},
"xaxis9": {
"anchor": "y9",
"domain": [
0.6666666666666666,
0.98
],
"matches": "x",
"showticklabels": false
},
"yaxis": {
"anchor": "x",
"domain": [
0,
0.3133333333333333
],
"title": {
"text": "accuracy"
}
},
"yaxis2": {
"anchor": "x2",
"domain": [
0,
0.3133333333333333
],
"matches": "y",
"showticklabels": false
},
"yaxis3": {
"anchor": "x3",
"domain": [
0,
0.3133333333333333
],
"matches": "y",
"showticklabels": false
},
"yaxis4": {
"anchor": "x4",
"domain": [
0.34333333333333327,
0.6566666666666665
],
"matches": "y",
"title": {
"text": "accuracy"
}
},
"yaxis5": {
"anchor": "x5",
"domain": [
0.34333333333333327,
0.6566666666666665
],
"matches": "y",
"showticklabels": false
},
"yaxis6": {
"anchor": "x6",
"domain": [
0.34333333333333327,
0.6566666666666665
],
"matches": "y",
"showticklabels": false
},
"yaxis7": {
"anchor": "x7",
"domain": [
0.6866666666666665,
0.9999999999999998
],
"matches": "y",
"title": {
"text": "accuracy"
}
},
"yaxis8": {
"anchor": "x8",
"domain": [
0.6866666666666665,
0.9999999999999998
],
"matches": "y",
"showticklabels": false
},
"yaxis9": {
"anchor": "x9",
"domain": [
0.6866666666666665,
0.9999999999999998
],
"matches": "y",
"showticklabels": false
}
}
}
},
"metadata": {},
"output_type": "display_data"
}
],
"source": [
"runs_df = pd.concat(results)\n",
"\n",
"# plot training loss and test loss over time\n",
"px.line(\n",
" runs_df,\n",
" line_group = \"run_id\",\n",
" x=\"epoch\",\n",
" y=\"loss\",\n",
" color=\"type\",\n",
" hover_data=[\"batch_size\", \"learning_rate\", \"dropout_fraction\"],\n",
" facet_row=\"learning_rate\",\n",
" facet_col=\"batch_size\",\n",
" width=500,\n",
").show()\n",
"\n",
"# plot accuracy over time\n",
"px.line(\n",
" runs_df,\n",
" line_group = \"run_id\",\n",
" x=\"epoch\",\n",
" y=\"accuracy\",\n",
" color=\"type\",\n",
" hover_data=[\"batch_size\", \"learning_rate\", \"dropout_fraction\"],\n",
" facet_row=\"learning_rate\",\n",
" facet_col=\"batch_size\",\n",
" width=500,\n",
").show()\n"
]
},
{
"cell_type": "markdown",
"metadata": {
"id": "MiBQDcMPpgkS"
},
"source": [
"## 8. Plot the before & after, showing the results of the best matrix found during training\n",
"\n",
"The better the matrix is, the more cleanly it will separate the similar and dissimilar pairs."
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"id": "hzjoyLDOpgkS"
},
"outputs": [],
"source": [
"# apply result of best run to original data\n",
"best_run = runs_df.sort_values(by='accuracy', ascending=False).iloc[0]\n",
"best_matrix = best_run['matrix']\n",
"apply_matrix_to_embeddings_dataframe(best_matrix, df)"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"id": "nLnvABnXpgkS",
"outputId": "0c070faa-6e3e-4765-b082-565c72a609be"
},
"outputs": [
{
"data": {
"application/vnd.plotly.v1+json": {
"config": {
"plotlyServerURL": "https://plot.ly"
},
"data": [
{
"alignmentgroup": "True",
"bingroup": "x",
"hovertemplate": "label=1<br>dataset=train<br>cosine_similarity=%{x}<br>count=%{y}<extra></extra>",
"legendgroup": "1",
"marker": {
"color": "#636efa",
"opacity": 0.5,
"pattern": {
"shape": ""
}
},
"name": "1",
"offsetgroup": "1",
"orientation": "v",
"showlegend": true,
"type": "histogram",
"x": [
0.8770230424921419,
0.8669182997776191,
0.9055063218706818,
0.8673902276919447,
0.960707043218267,
0.9179365478939604,
0.7672266109003523,
0.9239917728472661,
0.8703072657352607,
0.8526116780064548,
0.7812517091375369,
0.7782108664889419,
0.7486458751571797,
0.8963131006764372,
0.8871057099019782,
0.7604175245309641,
0.9901105650095029,
0.888235210079015,
0.9674455026134889,
0.8333426560846096,
0.8377263562886247,
0.8513799844369805,
0.7783710778245275,
0.818225072265956,
0.9324916311845146,
0.9222148583453672,
0.9159137771752827,
0.8819327328576725,
0.8842350133960268,
0.8153020546259354,
0.7864018135814682,
0.9241772884699471,
0.9171209894364517,
0.7156150759652161,
0.8876803229750978,
0.9607500201235248,
0.8473630242892832,
0.8656086505509303,
0.8094451570019043,
0.7317859049265332,
0.8959824210865295,
0.8116387615615683,
0.9183796450934556,
0.9045004454385935,
0.7365101824267478,
0.7663545520835466,
0.7435191141749268,
0.9086089718966742,
0.8253120745621623,
0.8281524657043072,
0.8251122678595416,
0.8714464804118103,
0.9246432065475546,
0.937303519587435,
0.8495875568327971,
0.8963791538152951,
0.9116466778180512,
0.8623739330903781,
0.9165488457057035,
0.930721217634791,
0.8434980565725266,
0.8388595027425113,
0.8361936554147797,
0.8515235697059821,
0.7721585953143928,
0.8833544332387164,
0.8234984829866299,
0.8043760077432088,
0.8012881245018222,
0.8078051519010412,
0.8901703428026797,
0.8366925061287387,
0.8134734357108722,
0.9617512163408387,
0.8299510305152616,
0.862489170940307,
0.8604581312681885,
0.7874021723440889,
0.8890606057838191,
0.8654180500275961,
0.7808076925200768,
0.8394610380643428,
0.7715467460924421,
0.8524680728802985,
0.8491817174814638,
0.8787645382723887,
0.7418006653971297,
0.9256122882713491,
0.841012479448247,
0.8153632224449905,
0.9609058493434491,
0.8395435497392791,
0.8691345944126035,
0.9046720823186372,
0.892387860418092,
0.8503402594877875,
0.8199459541564516,
0.8737767206437298,
0.7910953735689688,
0.7756939234466673,
0.8173287201360423,
0.7748765500469469,
0.8923917969784041,
0.8627600651478141,
0.8149528594157183,
0.981988574927084,
0.9261547231888615,
0.7764652540281851,
0.7970960046183178,
0.7893917266176482,
0.82517200338841,
0.9069421093108844,
0.9587313633685943,
0.7587887913015547,
0.827813310501214,
0.8633454400619609,
0.9279786047447278,
0.7600408383615723,
0.9160573926361296,
0.8517306999703843,
0.8299929451358753,
0.8447203048292897,
0.8755564011198428,
0.8578976360507043,
0.923723138275189,
0.9054394611244669,
0.9556814463983457,
0.7736224662910375,
0.8587917236671296,
0.8537995262281326,
0.957995784105594,
0.9563444959106976,
0.892646738809333,
0.8207939022798183,
0.8452813271088438,
1,
0.9611374065052358,
0.8771223544440669,
0.9787037899591454,
0.8261258110555288,
0.7584994078201337,
0.9343567733995704,
0.7393173171813098,
0.9071760951682218,
0.820366521075282,
0.9717197466021316,
0.9664193138851035,
0.9263979474882148,
0.9320706609670595,
0.854066984904447,
0.8585009171658186,
0.9801975928375536,
0.9087109945316316,
0.8409005150009717,
0.9156377069069694,
0.8937599375974886,
0.8064106355318161,
0.7797796196870119,
0.8754790989572967,
0.8273793498951607,
0.8001850277554244,
0.8152447417624246,
0.8478374741588728,
0.9000278355775503,
0.9466506417952321,
0.9637647532100888,
0.8461067612170547,
0.8282757206621807,
0.8410585649348559,
0.8231945984913639,
0.812991479712325,
0.9256075945052357,
0.9158042330259144,
0.8327240004211771,
0.9643016111158197,
0.8709767407061441,
0.7415388954774993,
0.915839243164235,
0.9127448878731301,
0.9333934813137945,
0.8175576029795771,
0.78286620810114,
0.8158174033362672,
0.9324100333449752,
0.8860633763413944,
0.8468826551968914,
0.9092749980058338,
0.785398099621804,
0.9154788663496789,
0.94638779649595,
0.909609345361413,
0.8203332150276859,
0.7327218610615461,
0.820159165979538,
0.8971017354895833,
0.8477526603027283,
0.9015423000521007,
0.7394839566056132,
0.9658683145893564,
0.92772275853203,
0.8329671226232828,
0.9088060390917654,
0.8204871521451618,
0.8573261055865992,
0.9238895218172877,
0.948865711109057,
0.8295043992503414,
0.9066029888020705,
0.9598704241234084,
0.8165762849534399,
0.8334373261436049,
0.8475014031142452,
0.857187967010498,
0.8157711347789482,
0.9787905384924419,
0.8939345730555539,
0.8711781443615512,
0.8044961880185003,
0.8607904816523709,
0.8831329492644463,
0.8273013981821028,
0.8561920423978694,
0.8685273347629937,
0.8744220297098892,
0.9103391823944785,
0.7466264016350165,
0.8506217926849311,
0.8716796299186113,
0.8798565771781157,
0.8797470935764342,
0.9687438996846139,
0.8915537907441702,
0.9586631957461773,
0.882458316726005,
0.960331962375041,
0.8338827591801034,
0.789790795024724,
0.8201698585835465,
0.8143183354999253,
0.816721530486913,
0.8645847235619342,
0.9056072779903938,
0.8060613535820587,
0.8036048073476535,
0.9342800777751461,
0.7894570091692805,
0.9368020235357589,
0.8702388285119231,
0.8459051154998578,
0.828307889290731,
0.9318602846511267,
0.8315544281612911,
0.8330663046259037,
0.7714955436194493,
0.8325566159927532,
0.8358942065066962,
0.7492918063633168,
0.8077381102955822,
0.8849523260221185,
0.8326450049811175,
0.8682525486487739,
0.8996725023464794,
0.874836956726809,
0.9141342991713857,
0.7463356296909661,
0.9471011937591534,
0.8831197982529451,
0.8643992383828719,
0.9045266242453643,
0.7434028139521,
0.8543055630607622,
0.9835819328136,
0.7881390353903818,
0.9690787087830471,
0.8854925904346448,
0.9543730961514364,
0.8686862943952773,
0.9060460436592801,
0.8485102489128452,
0.939763521912852,
0.8808535043541952,
0.8143634599177915,
0.9256237936813135,
0.9196033586084531,
0.9347742707506831,
0.7863873012202371,
0.827300775927627,
0.8098418982312592,
0.6580623135377571,
0.9438929136363451,
0.9330765249752172,
0.845253608514507,
0.8827971571323827,
0.6882969904661674,
0.8484005154341017,
0.9041163216803293,
0.885621602865363,
0.9117151777743641,
0.7352365647773771,
0.8228468627026362,
0.7583576539746958,
0.8918140427361899,
0.8743828041850981,
0.9196577576924543,
0.8522300677849434,
0.9596703809715507,
0.9111614048749492,
0.8238839516845297,
0.8949994062319516,
0.8255021150747766,
0.8396260796799806,
0.8311347968136817,
0.7795221422725261,
0.8734378487022753,
0.8152838852861314,
0.8853813529428894,
0.899351326974637,
0.9667234198836612,
0.8215072343201677,
0.8346941603394356,
0.8869936656123234,
0.9065697379059939,
0.9116630945659785,
0.8414762638581422,
0.9718886825986638,
0.9036193422250391,
0.9031291491366068,
0.879230049130692,
0.905686329549249,
0.9612746000025724,
0.8862732079292213,
0.7867422038306616,
0.8796630928594475,
0.8645559268741146,
0.8547769346832502,
0.7518422502719879,
0.7864843506607968,
0.7868989551985196,
0.8261912390736066,
0.8921570668287674,
0.9419955408743427,
0.9407902066594996,
0.9249211342441499,
0.7716485770628987,
0.9511439768573109,
0.8829012215420231,
0.934656824021464,
0.8182553476855959,
0.8611174870213226,
0.8614028669192297,
0.8180162425905607,
0.9653846965051869,
0.8871009561039284,
0.9555759038520236,
0.9217878487163346,
0.8930023268378466,
0.935003967502809,
0.9256417074650746,
0.8862154929899421,
0.8667378514478236,
0.8132311692835352,
0.9080459944470666,
0.8483706700151505,
0.9575409744952922,
0.8066230593744526,
0.8238236342445804,
0.8375317196633497,
0.9432062978626803,
0.7857675015012647,
0.9248662353535241,
0.8902804954107686,
0.8961858080568302,
0.7720832575605646,
0.8406483287589527,
0.8921093571426594,
0.9207005572792771,
0.875010362179358,
0.8483758566734853,
0.8578824673271616,
0.9439048564746342,
0.8966064590413403,
0.7358052904206305,
0.9585292986246969,
0.9825182984702303,
0.9842275125551626,
0.7842929791910872,
0.9103029303369363,
0.9272909957177218,
0.9317809675958327,
0.783678884717712,
0.7131090046615766,
0.8627114138583392,
0.8715326081190128,
0.8755950472029892,
0.809664342563128,
0.9102468945995986,
0.9178852324400089,
0.9076718536339156,
0.8731712539786042,
0.8529116134421141,
0.7821658549446812,
0.8354559170776137,
0.8366378518468373,
0.9171393589389133,
0.8663930370384724,
0.8118138470690515,
0.8833196188362227,
0.8068135569680097,
0.8475622458513636,
0.9521395375722487,
0.9613366140100625,
0.9058634054006263,
0.9259179361818899,
0.8083290895710892,
0.9096821257786284,
0.8766368966847632,
0.8747054906284473,
0.7780871068368611,
0.9503676908767298,
0.7932453739077451,
0.72170892103735,
0.9211559190591906,
0.9628932976448151,
0.9135017576444858,
0.9208852069309506,
0.9148635887627812,
0.8970487501056597,
0.8302949354181002,
0.8135073899611842,
0.8901097281710663,
0.8618444618412582,
0.8284548404976377,
0.9237270312154705,
0.9061998613586046,
0.829343451628241,
0.8744953752805062,
0.8669907144884991,
0.9385459036764366,
0.814860925406411,
0.7702882646822419,
0.9120052307105376,
0.8699723457920832,
0.9605949105701314,
0.9783370423277181,
0.9363336277830775,
0.8942113024273712,
0.8936706242503488,
0.9452697088507865,
0.6986018818518255,
0.923200758907938,
0.8129310320237605,
0.7507516653319263,
0.8078009752591794,
0.9534018416101309,
0.7821801955982387,
0.8800175081701747,
0.8645565175273704,
0.7030531845036039,
0.7586268193375352,
0.8513876129106005,
0.9166708116578918,
0.8603952587890591,
0.8130195217845722,
0.9229042549047733,
0.7899532079576974,
0.8137487445889441,
0.8792801907041976,
0.9198304263214642,
0.7437243306749726,
0.7855154288057422,
0.7214029227404364,
0.8043566583956411,
0.9460916193165211,
0.8413065828990138,
0.8239308908293631,
0.8591367321478075,
0.8519856051965125,
0.8678737504816454,
0.9131534632340883,
0.8596652918312931,
0.8324811596144972,
0.8761085176503437,
0.8943806028280822,
0.920313480265989,
0.9296427530943355,
0.9834804743408886,
0.8202270459251858,
0.9799710150971693,
0.8919913376295845,
0.7431786275871047,
0.8532020278604288,
0.8561409226707749,
0.8205411410996694,
0.9108192602796487,
0.8150610235336412,
0.8165205974456892,
0.841211885461714,
0.9615223086424363,
0.9511950111612875,
0.8809021189695376,
0.9848856349665165,
0.9228890394215087,
0.8324794782673964,
0.7698774590175282,
0.9126187029546813,
0.9261222608841605,
0.7625840736444573,
0.9038820992752258,
0.8472354502778503,
0.8165953956294948,
0.8457219363232579,
0.7594297994178584,
0.9549805666428737,
0.9341205202467203,
0.8954949437953474,
0.9267355922090726,
0.8601740878617401,
0.8445946916089383,
0.9588812147360415,
0.804188586062905,
0.9812756946123167,
0.8500993692007114,
0.8013437302943557,
0.8544929434905855,
0.8279650076349706,
0.8696408841463731,
0.9468276368448099,
0.8439790924342881,
0.73597155398934,
0.7687885750916027,
0.7922662361658239,
0.9061107515465888,
0.7979398160311217,
0.7660311461787958,
0.8866856428399991,
0.8969703481034941,
0.983372328861673,
0.9164801727792564,
0.832759844621303,
0.7889973816716418,
0.8574377397654754,
0.9345896183263773,
0.9017517383025067,
0.9891478033797282,
0.7896235961898858,
0.7907871377270196,
0.8491091143434374,
0.9110994798640996,
0.8968513660792199,
0.8731113486649665,
0.9327656913448992,
0.8100227524488052,
0.9529813102433097,
0.9655015183317774,
0.8525754037010865,
0.8334324869405139,
0.880195490304124,
0.8750816149069613,
0.8894757202817606,
0.9462323527169573,
0.8095881925341774,
0.8178811059459322,
0.9703783601852254,
0.8440890718554435,
0.7691035788406015,
0.8131376751119009,
0.8628843091591882,
0.769289016610608,
0.8838176414418067,
0.9155632143728534,
0.8527568452738545,
0.9391826646888828,
0.9242684176227904,
0.9103718244133234,
0.780489485388296,
0.9510545037215383,
0.8055268516127605,
0.7194874907229722,
0.905157454657794,
0.7795041880632811,
0.9383281577229405,
0.8295505020447493,
0.8409568639057579,
0.7379868665757632,
0.9576216492651992,
0.9455572509956937,
0.7218806787029511,
0.8458585917175788,
0.832799787341081,
0.9465729382160541,
0.7840333866140569,
0.9766335705220351,
0.7498005082678141,
0.8499886821303806,
0.8233676941671139,
0.9112059284092718,
0.8286454637911036,
0.9328957268966772,
0.8494252832990817,
0.9384415313232211,
0.8433932042319168,
0.7753382273354269,
0.6921883216148254,
0.7475071910806539,
0.8264119474819362,
0.8475656559687437,
0.7921957440752069,
0.9017225019237871,
0.92900074284895,
0.7978995965639673,
0.7828066306499267,
0.8400890306289543,
0.9593440980269001,
0.9108703736855251,
0.86301372471143,
0.8830348050340677,
0.8398126782434604,
0.9356593759889429,
0.9797541720439288,
0.9301612560985565,
0.8431153850482307,
0.9753934575447877,
0.9190295692184896,
0.9481974533965959,
0.8637536217766965,
0.992279957461567,
0.8412384145751681,
0.7971848551496462,
0.8927256533683232,
0.9269937600859695,
0.9133980146128332,
0.8645936494952892,
0.8615930019969985,
0.8846140135108781,
0.750707257454112,
0.9560112448844987,
0.8021141803917295,
0.855610314876051,
0.9638378091398463,
0.8969909967156597,
0.9380016471025681,
0.9090161902538356,
0.8146093402956489,
0.8561856708516148,
0.9176348620995602,
0.8391074149146217,
0.9000003127406883,
0.8985536904301074,
0.77656244478572,
0.8772761214238028,
0.7800346997026738,
0.8222681606077051,
0.8213751008262891,
0.9038741278933696,
0.7013157381962183,
0.9203849526801571,
0.8111212514948384,
0.9319057015199572,
0.8082083574312163,
0.9502897886350955,
0.8687057644999324,
0.9496179416214681,
0.7676055416169133,
0.8492080664469196,
0.6201715853032974,
0.868009853945389,
0.7810399091823383,
0.9389934446832593,
0.8365156766649733,
0.9276798295335046,
0.8288971682892593,
0.8516540983614069,
0.8695966250818022,
0.8628464225006418,
0.8019290808387207,
0.8582618997850746,
0.7674092929954088,
0.7630865250921833,
0.9269816794708357,
0.9306556009570106,
0.7834371858561804,
0.8785647518274803,
0.8990849222879878,
0.8836020848579252,
0.8438616298356066,
0.8247107901726,
0.9243834389749737,
0.7994733073162199,
0.9056081834465988,
0.753867475627839,
0.9041545800442282,
0.7463123546123216,
0.7548392429493144,
0.9089250590386596,
0.7417655276741482,
0.9730803271397681,
0.9696219929844081,
0.8844677556237757,
0.8271048233812095,
0.9007611291630048,
0.8043228791257536,
0.9155785818973001,
0.9499178504071494,
0.8611416332870943,
0.8110418400578951,
0.829430312986142,
0.6916435041647587,
0.9049002259030068,
0.8642765223248223,
0.8838551290578943,
0.8032164617176274,
0.7733578297403775,
0.9119670932686634,
0.7508839805908675,
0.8739787475357144,
0.7467407977088399,
0.9236698983952911,
0.8098594721400966,
0.9352682364936624,
0.8500073176717525,
0.8494393878367046,
0.8590438495949997,
0.8783877964448162,
0.8611990749314697,
0.8658255623901577,
0.7998910998210441,
0.8423503062406026,
0.9097073428234548,
0.9178549175037264,
0.8848249477039252,
0.877911740497419,
0.8276910929485197,
0.7371896649801251,
0.9659525293556896,
0.9255323976310593,
0.9189565455855423,
0.8324950914541606,
0.804788752136159,
0.9035064878576043,
0.8543730331532292,
0.8748126109754423,
0.8257425306850711,
0.8926476002305831,
0.7858944695167878,
0.7314373081290962,
0.8964575515540876,
0.8306600264275946,
0.8211949483162081,
0.7741532048489975,
0.8556725166574924,
0.9289154031962026,
0.7924421886376952,
0.876137520841577,
0.8829048628328502,
0.7418665110343603,
0.8667037006599337,
0.8018695111298759,
0.862738539692567,
0.9022537126477369,
0.9619426556959261,
0.8573335076933394,
0.7615433310385172,
0.969084472240832,
0.8745382951808863,
0.9909440976375997,
0.8172352409193201,
0.7192673780176765,
0.9329690881323882,
0.7968568468281151,
0.8868827633168951,
0.8360499258887667,
0.9837158740432493,
0.9147561710138763,
0.8701307738141417,
0.8208200931608043,
0.9302677215206789,
0.7561054325735389,
0.9453279812604809,
0.8762830981192605,
0.9628166653671181,
0.8585625423340626,
0.7756039171534931,
0.9513700856553803,
0.9864393973334422,
0.9303377269239715,
0.929182509200181,
0.8754289946512588,
0.9111378672109698,
0.7259887482535182,
0.9345589971516312,
0.9121290731318297,
0.9571754227946286,
0.9197115504102283,
0.8669146720822511,
0.9173221779567197,
0.9088411643423732,
0.8929195030946493,
0.8111780990631848,
0.8077011456794906,
0.9391563303671946,
0.8948869330877591,
0.9894680324717378,
0.8178364760728186,
0.876230447804796,
0.8066202305811782,
0.8962257182677837,
0.9230487288514518,
0.8973905359734362,
0.7724780963721255,
0.9597494118153004,
0.7773922355272707,
0.7523575075999497,
0.9057375968639064,
0.8459052928211823,
0.8848630186000416,
0.8751375513507323,
0.8792221642490844,
0.8836394684306238,
0.9078366094992862,
0.9009047865908965,
0.8158096735833963,
0.7733976690867698,
0.8836365020988086,
0.7537787796466606,
0.7525779162109352,
0.8550548812422275,
0.8918768321647867,
0.8065900946252568,
0.7924906596713533,
0.8042262160076494,
0.8765818401308668,
0.7527523711932688,
0.8555469422227897,
0.9887387560741359,
0.7389559884393851,
0.9416459548682359,
0.7957399297673027,
0.7632823193304991,
0.9609604037240548,
0.8436944739935266,
0.8932322638667124,
0.751596145908102,
0.9238271761832638,
0.866152871405043,
0.8116610095778772,
0.8337042978731589,
0.9560029925043874,
0.9788475938303791,
0.8375764560303107,
0.785332804785721,
0.7953979731113359,
0.9398646757090884,
0.9202471916188802,
0.9042046757052409,
0.9462194740167271,
0.977554798666313,
0.8112068695892253,
0.77143928188413,
0.8473309598727801,
0.733426080552698,
0.7787670837394052,
0.8614425976463654,
0.8777689968922653,
0.8107222098920918,
0.8172204637151022,
0.8007774299056551,
0.8318513717574904,
0.8831901227140917,
0.8643289060226431,
0.872777964120298,
0.8558343388292272,
0.8452086232791507,
0.8858196753321058,
0.9573153643115704,
0.8219820607288516,
0.9175903657749385,
0.9352180100721489,
0.7081208529169517,
0.8804224183254911,
0.8801890764850869,
0.8528025520395893,
0.8309506411877995,
0.892887342538514,
0.924656875355612,
0.731416412563951,
0.8693615463607787,
0.9368470401666299,
0.735374869260129,
0.9358165871780313,
0.9003461723046663,
0.8213036000365287,
0.8767956868769332,
0.8297595345126891,
0.9159579070314483,
0.9386720382389069,
0.7430551682193363,
0.8992479131440796,
0.8348894132330253,
0.7759200853924173,
0.9051526765387132,
0.8276723426680378,
0.8553399790814957,
0.9534823417127044,
0.9225358244794052,
0.9191963821056653,
0.8996644244154601,
0.7628616926539707,
0.8067347035873811,
0.8692835420958859,
0.903828552596563,
0.8000674407565361,
0.9860130212424004,
0.7682621581806748,
0.9829572447076911,
0.8104284733830315,
0.9178332688200683,
0.8796878381041732,
0.7812564975232954,
0.8627070028560689,
0.8806242190851008,
0.8280928440920624,
0.9744751516110227,
0.9149040786638464,
0.9139716013212704,
1,
0.7921435032778676,
0.8340378878609104,
0.9053765780403287,
0.8786000424637178,
0.9901186609068154,
0.7246913155327134,
0.752973927739965,
0.8987587398799223,
0.784837704015969,
0.8023193245375629,
0.8395198543288617,
0.7830876468832688,
0.8442387838852023,
0.9651568967676807,
0.903680278954122,
0.8378787764734399,
0.9050318728023159,
0.9444690119893462,
0.8268148049027775,
0.929897501248699,
0.8231274041865422,
0.9320510979110544,
0.9694553637480061,
0.9452253211097718,
0.7968664432817362,
0.8314164148734599,
0.9045773532651927,
0.9727875564710335,
0.9299662172625852,
0.8942605651675087,
0.8648042598103035,
0.9296532946361931,
0.737208140494784,
0.9267048740808913,
0.8994326480517801,
0.8570618796773329,
0.9386074028119863,
0.934289266722412,
0.8385821685601387,
0.7804586340690598,
0.9328543360008478,
0.8346101071823683,
0.8390819482055704,
0.7690993086936007,
0.8933993336221824,
0.8398208536105551,
0.9240307531537069,
0.9080206993929865,
0.8516598899018564,
0.9668397382982731,
0.7445961937098736,
0.8837948048022631,
0.8934051335855884,
0.7549434683855616,
0.9136284838226408,
0.8397087387009603,
0.902120149452122,
0.7791958177087142,
0.9723459408058667,
0.7825774678762871,
0.8236003487600682,
0.8692835420958859,
0.9078373592832483,
0.9920372721848425,
0.7975654340648797,
0.8547244229298616,
0.8086508794138532,
0.8293627321978324,
0.9152361106783002,
0.9471437813247076,
0.8397958722387048,
0.724331390174805,
0.8688146437853943,
0.9623616564166072,
0.9462320515025769
],
"xaxis": "x2",
"yaxis": "y2"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"hovertemplate": "label=1<br>dataset=test<br>cosine_similarity=%{x}<br>count=%{y}<extra></extra>",
"legendgroup": "1",
"marker": {
"color": "#636efa",
"opacity": 0.5,
"pattern": {
"shape": ""
}
},
"name": "1",
"offsetgroup": "1",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0.736549832708439,
0.8645876772131509,
0.9054108720940012,
0.8231748586451884,
0.7680653089711912,
0.9106863309457174,
0.8718047310932011,
0.9126582215678652,
0.8164052526562986,
0.8964005890099545,
0.8568193403812259,
0.8865148834725959,
0.9705705749195805,
0.842790078535525,
0.8812980729254659,
0.8366005079723752,
0.803191420389906,
0.9565597072685753,
0.9443332827726031,
0.9461393747874567,
0.8214254014094476,
0.9676416987317068,
0.8658529346127901,
0.8596586631123377,
0.774265719975256,
0.9352146634904204,
0.9446884675958164,
0.9488036099024498,
0.9581833546207474,
0.8395143643686034,
0.9317854663213888,
0.833923001218979,
0.7526818877630027,
0.9591203832827713,
0.8963131006764372,
0.9674015262743842,
0.7971546477098302,
0.7727411202368526,
0.8466224310334125,
0.9131046014761772,
0.869709038254777,
0.9737508856833255,
0.8908184420511278,
0.8504676065056102,
0.834622191573279,
0.8474523011181411,
0.9026629692287098,
0.8755350362634888,
0.9042891449633932,
0.906003801475747,
0.8392522239745428,
0.773662084263725,
0.8491559248265502,
0.8240372721865142,
0.913488637289173,
0.806471392670025,
0.7587383402521611,
0.8990169384219211,
0.8864209333096432,
0.7559666147505648,
0.8285084803068923,
0.8634447086393151,
0.9406258520396332,
0.7933486436905902,
0.863410382940512,
0.7411858676405545,
0.8993520699179335,
0.9808156087913715,
0.9063272119957569,
0.8194689754558628,
0.8712922134006599,
0.9923750251384353,
0.7339731238562132,
0.914415556703985,
0.8351233852567399,
0.9358588125209073,
0.9645463010246448,
0.7868932882211557,
0.9046272288535794,
0.8413258243841512,
0.7907570378778138,
0.8928652620567118,
0.9379753909220483,
0.9044068971508709,
0.7820369106687125,
0.9270258680072261,
0.8347598032556344,
0.9560346902836805,
0.8093604779220231,
0.8161917854772459,
0.8736301350831827,
0.8695662735410867,
0.8578964048993004,
0.935772204981356,
0.8103314733230413,
0.7862771339902493,
0.9290633376090963,
0.8579924178219217,
0.9552397906163098,
0.8202091320216596,
0.7761725471031594,
0.9414054157610889,
0.933201888243682,
0.9008537856737299,
0.8973704559214578,
0.804078106496082,
0.8345394813501569,
0.9704324556248521,
0.8653347693348777,
0.8780966863992651,
0.9467797365089127,
0.9072121875352692,
0.8471330908917709,
0.8755944600874097,
0.7528677777025758,
0.9175579371411101,
0.894172617232398,
0.7818778663966106,
0.9830832577353135,
0.8900020170242702,
0.8600582288048572,
0.9765499439604408,
0.9555465446087782,
0.908985701222152,
0.8819971496348794,
0.7273075947136844,
0.9036703089177569,
0.798362976362054,
0.9118814662694842,
0.942790526809374,
0.7789149134985638,
0.9583465469641117,
0.8811259523673187,
0.79751731467271,
0.91614356940805,
0.9116185372495099,
0.8439388081612114,
0.9257293988684876,
0.8558199958394914,
0.8437665184157634,
0.9398895722471281,
0.7876624319986785,
0.8427610541278799,
0.9597297283687226,
0.8738182560984029,
0.9256796973413028,
0.817392561826777,
0.9378179892704942,
0.9397299944810921,
0.898635674689887,
0.8954742697882172,
0.8553931177741548,
0.9019265182172062,
0.940330874442756,
0.9086622875545255,
0.840542738743146,
0.9279473627134431,
0.7655604101656973,
0.7852156048607353,
0.8685107123188051,
0.8366504148873836,
0.8355569883396743,
0.8729108893579319,
0.8858546234658095,
0.721309378131838,
0.7950560765558976,
0.8976957273615329,
0.8892554509563919,
0.8240789823114796,
0.7546456755556741,
0.9257426362249037,
0.8657982059176512,
0.86454296137645,
0.742804802462531,
0.8920672691284423,
0.9773108667796531,
0.8435232133017242,
0.9051675444514773,
0.9042219859337219,
0.9313549407579337,
0.9044517856267383,
0.909542120537921,
0.7959402866335763,
0.9428151203411792,
0.7923603881082193,
0.814730469154893,
0.8217874878012461,
0.7765276737312753,
0.8064789088423867,
0.936288219799575,
0.9209401006833325,
0.9362316068137829,
0.8041985245661637,
0.7841402755555491,
0.904499247524819,
0.8460965104145681,
0.9787696268534193,
0.8390352586542255,
0.8614521252029118,
0.8721713576430158,
0.7862110016709674,
0.8879106274098613,
0.8800514847484942,
0.9044757866738722,
0.931413666521914,
0.98287317120162,
0.9061998613586046,
0.9146160669265362,
0.8397192591024814,
0.8737558267185661,
0.8344105231696747,
0.8347803692078435,
0.7977666300667368,
0.8361983865246644,
0.7536361397625019,
0.8783130810523943,
0.8648139594725932,
0.8159335102010704,
0.8358267202312724,
0.9058327677600452,
0.8816990618751593,
0.8613531640615323,
0.8712646527997077,
0.8623896128778185,
0.9478299712074272,
0.8062904923128396,
0.913245612242441,
0.8212311391636319,
0.8778066034070842,
0.7819972023010567,
0.958589140344609,
0.9553576700783315,
0.8232064931978315,
0.9499977026197632,
0.8349553719953364,
0.9492979985891563,
0.8737387912368793,
0.9291149178587121,
0.8501707280841363,
0.8904572709954771,
0.91177432256281,
0.8050388751034663,
0.8371907462164929,
0.8263381002448162,
0.9653797794869796,
0.8634069824306613,
0.927189359210545,
0.8092865210215572,
0.9609762866542879,
0.8605336601635148,
0.8613335012839531,
0.8342444664896653,
0.7851425902055904,
0.7805871430125763,
0.7303107669745307,
0.7962434451575375,
0.8572841021776336,
0.8293376147724424,
0.8516718050678351,
0.8355835460274332,
0.8344931432815885,
0.8866204360533211,
0.9304235140233539,
0.9372621417448767,
0.898846318025836,
0.741616891032038,
0.9696073495536041,
0.7739958022020881,
0.8363544051312877,
0.963551247793185,
0.9000543182054921,
0.7718901744766272,
0.7943865231513642,
0.8545739734233097,
0.8027504541651594,
0.8517830108211426,
0.8254178630865167,
0.8522890338443532,
0.8430071432373423,
0.8509509892219751,
0.8867362111321382,
0.891385005245175,
0.8602529993530856,
1,
0.774082157812556,
0.9426076545722315,
0.8813316522495983,
0.8506909243254316,
0.924656875355612,
0.9080310849983652,
0.8305503022437543,
0.802584039375859,
0.8851718973947333,
0.9229419672169825,
0.8436076945595744,
0.8213222547688209,
0.8425159153249904,
0.8483512259277165,
0.8657076247663684,
0.8700788686135269,
0.9319421290066723,
0.799748720206207,
0.8142503026946742,
0.788806164826152,
0.8522814883414318,
0.8999213416014693,
0.6712964390399062,
0.8037085296495649,
0.8038081954308683,
0.9174569728001648,
0.9645943656943117,
0.9123284555757109,
0.924320548123444,
0.9064470720437559,
0.8407531101241462,
0.8769677227983257,
0.8241137164789778,
0.9296181220863112,
0.8250804248322693,
0.8289304525903588,
0.8647762708043815,
0.8805448754876422,
0.8225876391492088,
0.878271782260691,
0.8612077001477506,
0.8627227038840504,
0.889598461906851,
0.899507116204109,
0.9489791321146628,
0.7758565796116134,
0.8971316618826566,
0.7989231447854469,
0.9187071365671478,
0.9204825716855429,
0.7883452708992278,
0.9061535809336474,
0.8450776680779332,
0.8312111261703522,
0.8840382458851703,
0.7442901161141395,
0.8107539153878128,
0.9736244608463729,
0.9325052324229058,
0.8922514602813956,
0.850259873115444,
0.8888332784210239,
0.8651925589034414,
0.8793126203874563,
0.76695151340845,
0.9260103025057259,
0.958851509302764,
0.7671674237902127,
0.8740371240956106,
0.8942546653305741,
0.8393250288553953,
0.8597260465537079,
0.8372859366352791,
0.9472367442821338,
0.8287786157335976,
0.8730965341917989,
0.88415881235008,
0.8338521351921248,
0.8135910430676571,
0.8786740135792194,
0.9683248469891451,
0.8622055681944147,
0.8724906791956449,
0.8622736241835574,
0.833355476030051,
0.8453020673636661,
0.8863937106915156,
0.9510007702344464,
0.8576867667576002,
0.9959729494091891,
0.9457050131096572,
0.7250721426780714,
0.8984716696273352,
0.8612355445446591,
0.9319887701593861,
0.6828741129809796,
0.9585760960583022,
0.9533542223477286,
0.7383075176406174,
0.8797008553699697,
0.9431073408680168,
0.9211608392990895,
0.7872103659197973,
0.8858255551837744,
0.8502639851348541,
0.7844365468286065,
0.8506426062479063,
0.8987280357826006,
0.9679575668183835,
0.8695123421666537,
0.9220544667923418,
0.8618250241358769,
0.8401369579324562,
0.9478829254222021,
0.9705664766073994,
0.7815047664005954,
0.9410246041287362,
0.8297181806893279,
0.941681408463028,
0.8631278221123624,
0.9735858612930184,
0.9401240834724855,
0.9341833710519206,
0.8720699804712655,
0.6788017482161509,
0.9172228811270781,
0.9023336330182679,
0.7808162984590978,
0.8472611062766883,
0.8154210964137394,
0.8931371990654419,
0.9399607299036465,
0.8029826729918766,
0.9183830241530019,
0.9904456861865344,
0.8870818558635253,
0.8982737441192186,
0.8677438099387293,
0.8341084386242957,
0.8317586393461056,
0.9798248406450046,
0.8195715180179207,
0.8285737168086551,
0.9452920253068574,
0.741849128413708,
0.8871761474498774,
0.8853804470478017,
0.9036466179892355,
0.8349989170619377,
0.8315201131392358,
0.830281937670621,
0.7914993930952541,
0.7653001148006354,
0.7608012934280514,
0.8959738395986752,
0.911972591898887,
0.9959256404068638,
0.8324233959729913,
0.8239316909963024,
0.9049462203262157,
0.9029483760093544,
0.8927098766437765,
0.7883995203278878,
0.8628471717629227,
0.8637088554727724,
0.9792712669973792,
0.8536886653620115,
0.8293703049196378,
0.9179020186739635,
0.8432793489605611,
0.945749762802875,
0.9051529837864613,
0.7546334362798065,
0.9655955405604658,
0.8586751624310275,
0.8828593526738941,
0.8566523142422968,
0.8022943297845676,
0.848603184301681,
0.844280269387846,
0.8845204605513738,
0.9188774494137282,
0.7849398152833806,
0.9718777695248921,
0.7904904118155052,
0.8007950482722322,
0.8350591465118908,
0.9835182438283631,
0.6975267001078356,
0.9108315054431967,
0.9078956616062651,
0.7597110450195548,
0.9159840648633228,
0.8428958494374836,
0.7729045649480365,
0.8139526421487934,
0.936756654753208,
0.8361185411078411,
0.9069062939546915,
0.9415098231018517,
0.9424796846788046,
0.9316477364275659,
0.8909500802168062,
0.7892700740275836,
0.8255254420778568,
0.8463170833497736,
0.839953481597048,
0.8760729103636224,
0.9695146929637602,
0.8399026052955197,
0.8632611459497657,
0.8274502559063173,
0.767014859935895,
0.8277171874941808,
0.9653077556712607,
0.7724537748252287,
0.7590822858582416,
0.9157041784078674,
0.961780591446735,
0.8661355459835428,
0.8702708862482685,
0.8613342799390303,
0.8012040889901978,
0.8338167073799782,
0.7661072608494357,
0.8679709662655806,
0.8189414076336727,
0.9507699373739879,
0.9295788327525424,
0.8366390562299713,
0.9529528463964135,
0.8086308078157104,
0.8439775790103252,
0.8264379729550373,
0.9855273112832761,
0.8273981269053042,
0.9149590584369259,
0.7597882494543073,
0.933533889331542,
0.9623879855342873,
0.7869466400216547,
0.950593104240567,
0.8225595440990233,
0.8019269388326403,
0.9282623086728464,
0.7709722699637687,
0.8707613725090536,
0.8767577733388604,
0.8578148807633164,
0.8597348374894546,
0.7429355341871611,
0.8643861904380715,
0.8917074809033304,
0.7776156333085505,
0.9015475856777736,
0.8111433159045844,
0.8833196188362227,
0.9261455538778123,
0.7522406715066838,
0.9949346925202615,
0.9317476184623138,
0.815510102858528,
0.9450804651757593,
0.9548234880282239,
0.8960911413896233,
0.9239960993694921,
0.8427387571476046,
0.9692285458216386,
0.8732730117460671,
0.8401818092769459,
0.9262896014538773,
0.8859357614672793,
0.852317081163304,
0.9323942453787328,
0.8344861812069695,
0.9204254014025927,
0.8663476047908254,
0.8589252037267298,
0.9339094539170094,
0.961152613442287,
0.90976749903987,
0.8318753277236467,
0.9438151961079181,
0.9305049273825277,
0.9094273677323489,
0.8476450848428762,
0.8266208409978184,
0.8510208725004161,
0.8955541227032415,
0.808210346566899,
0.7553080913874389,
0.9378999839594712,
0.9894909158977805,
0.9456080865553905,
0.9053636945667565,
0.8266168096158999,
0.9397428685581022,
0.9262025044451471,
0.7602684168515255,
0.8522840245321307,
0.9064052126793058,
0.9060728094488207,
0.7168259247291856,
0.9351183914874613,
0.7594707986250213,
0.8775117472056205,
0.9184151112777117,
0.8035375125861887,
0.8945838526700787,
0.8670796851504335,
0.7833048183052878,
0.9330274403286336,
0.8745391190136812,
0.8678550696575709,
0.9726111204993027,
0.8109897384895124,
0.8328320715664294,
0.9003717811828723,
0.9290950185339127,
0.7212301964264753,
0.8194632124660001,
0.8251120140641927,
0.938478607598862,
0.8524731918024645,
0.9517361182044258,
0.9491182227111123,
0.7995713152819196,
0.960915600071228,
0.9668124224958615,
0.9330371342125484,
0.8685523503943176,
0.9370111006544561,
0.8143323549122276,
0.8961351800134099,
0.9269829927779651,
0.9144155658413454,
0.928619543201891,
0.9063259277492185,
0.9291919309495276,
0.9075083706276883,
0.8483474406338491,
0.8306106170021903,
0.9707852963943437,
0.9285585486502653,
0.8100783165392635,
0.9817542892477462,
0.814631191146331,
0.9420857434389853,
0.8983827482700403,
0.8804041342871782,
0.9421722896767072,
0.8981939713362292,
0.7532363994174234,
0.9175371235999494,
0.8586024439929903,
0.7818695496168175,
0.827463989695164,
0.8265878682590281,
0.7302033212550508,
0.8477062278869817,
0.7556713750040486,
0.9029146930594939,
0.9225725186556838,
0.9580990304073227,
0.9181249434228533,
0.9761708677155351,
0.9175684391284784,
0.860225515397,
0.9574790923911854,
0.8067598384881737,
0.8786043676389331,
0.8113478649882583,
0.872658558530113,
0.9878253236243991,
0.9373280875473471,
0.8633126037451194,
0.7552985097607482,
0.9559015516000808,
0.7477152581437608,
0.8618039394725079,
0.8500189244661982,
0.8670137150023248,
0.8982967716055513,
0.8913678341320115,
0.9690129826740497,
1,
0.8526700752964347,
0.9402366609928611,
0.7785353984256803,
0.819051911061511,
0.9094027496320183,
0.9840391345414705,
0.8702668024360607,
0.7409618474931585,
0.7855475190052562,
0.879644342835206,
0.8792321216878847,
0.9301151947583145,
0.8585626513747033,
0.7913511542333391,
0.8840853147036714,
0.8201855611976102,
0.8290480082776798,
0.8272653957842918,
0.9309412938014421,
0.8530580849400875,
0.9017039518217196,
0.8868119341833857,
0.9798279216368141,
0.8971378559646169,
0.6917091092254815,
0.9409873575925382,
0.8601807042976314,
0.9271877897055315,
0.8256373655261903,
0.8668783013753462,
0.8943411297055773,
0.750596531526641,
0.7014093148352947,
0.8875386614921268,
0.8666061644543157,
0.8100961634792717,
0.9175763494184274,
0.9084318138440111,
0.8957115038209394,
0.7725906257179358,
0.8084243400296846,
0.8831387993283619,
0.89081486465724,
0.6599160923240098,
0.8688541975442865,
0.7239827711071584,
0.9969170411591306,
0.8895798155430967,
0.869372463337996,
0.9215061720116507,
0.8941864521317475,
0.8138195591908199,
0.808002685792011,
0.9130154319909066,
0.8924825057868309,
0.8230347213993127,
0.7970818327030217,
0.8862001470002543,
0.8272582058280911,
0.8976605728389208,
0.8550806970846895,
0.9256386256254169,
0.87886174365516,
0.8401714925080507,
0.8917763077351856,
0.884389945090615,
0.7499617340311164,
0.8824403180046967,
0.8952044326369335,
0.8571558384353395,
0.9871090570396015,
0.9333466746108471,
0.8888996858099901,
0.9393535889215182,
0.9341088953506909,
0.9390430801693327,
0.8946443490839046,
0.8768347545883118,
0.856468839580938,
0.9097932363997518,
0.7886482941425121,
0.9014601942019844,
0.7830908794481423,
0.9347012722602096,
0.8706628935716073,
0.8335946648771297,
0.8588447339254176,
0.9220387803870667,
0.8263933403401641,
0.810530797741822,
0.8519382925557824,
0.7798775744058639,
0.9832446808444444,
0.8590649584690399,
0.7595390482835989,
0.9265589852995393,
0.9078581396081071,
0.8793302880292861,
0.8126116772273142,
0.8338778282926316,
0.9274788718890429,
0.8941465881092564,
0.8331267917887729,
0.7903959084159903,
0.8131045030240805,
0.9351268267473478,
0.9129257164832172,
0.8039888588417823,
0.8482521908423942,
0.8444929456896246,
0.8037285375166193,
0.8038366707360407,
0.9619331110018076,
0.9637057335619373,
0.6880148996148113,
0.9067216003604545,
0.8718843142394451,
0.931146788729912,
0.7891164761729135,
0.8679933267468704,
0.7612462572836113,
0.8670123255847366,
0.9663740138580926,
0.9066138418072267,
0.7596242439279641,
0.8485358177151634,
0.9260757011397867,
0.8766505163539628,
0.8136740047775126,
0.7826410669133651,
0.8129084366808855,
0.7971117371633544,
0.8184439768344212,
0.8281747402318884,
0.8747903021226509,
0.944358226108792,
0.9051372433084174,
0.9572883628482052,
0.8461714648336822,
0.803602317037765,
0.7196162090749076,
0.9100532720537898,
0.9304205797643146,
0.9389267225654604,
0.7959481828066851,
0.9025593774773235,
0.8349933774651875,
0.7496519642865328,
0.9445657086303215,
0.8383550584796754,
0.9747757942810625,
0.8630106574340903,
0.958912542207282,
0.8322319339666442,
0.9006469896939513,
0.8574160404152299,
0.9459202152737857,
0.813877420407981,
0.739969794812712,
0.8972100546745126,
0.8706076640796353,
0.9150395232287486,
0.8813831596952219,
0.886843302723088,
0.9271864462752991,
0.8778532986015817,
0.8868692158735381,
0.789871006952492,
0.9753011055515044,
0.9091128931405692,
0.9449549799366838,
0.9127247374191944,
0.8313307508528462,
0.8894337360140997,
0.7956215054013406,
0.8755272851588061,
0.9528703966342777,
0.9197424492086052,
0.8019955065606681,
0.8415486179989673,
0.9863419286297866,
0.97231619441654,
0.9041769944901107,
0.9701880187837707,
0.8621777307829099,
0.7856789861689177,
0.9031601473723184,
0.9496447655889777,
0.7961793125809993,
0.9397557375774636,
0.8673866120865574,
0.9018727187087263,
0.9122004068606406,
0.8275600200555046,
0.8179495005725935,
0.8689760342800351,
0.9437617331596215,
0.8919840540973862,
0.9647277731309051,
0.811237506706573,
0.8987178415114151,
0.7834809783164823,
0.933933447109091,
0.8397270957023836,
0.9605990723374485,
0.8784079129438336,
0.9778323307994212,
0.9081806523258728,
0.9347467722137439,
0.7499254098383082,
0.9561894932872709,
0.86884099278938,
0.8643350302804561,
0.9875168294169449,
0.7899670033412287,
0.8777901542857148,
0.8480852031381642,
0.9419202274089855,
0.8250472099084298,
0.8775287320659683,
0.753140126388388,
0.8288907031393163,
0.9164407118989409,
0.8317303120243871,
0.9637241241002155,
0.9378464547084289,
0.7777296843415553,
0.8285331108196707,
0.9065261273888152,
0.9150549423144395,
0.9055462990278683,
0.8845204605513738,
0.8822980111141415,
0.8569498261864188,
0.8833292620163823,
0.9648663714411386,
0.8996261025487318,
0.8453391815487508,
0.9305551042066704,
0.7236914068799891,
0.9068236874343898,
0.797206415059305,
0.8900608737222808,
0.8921092801537021,
0.9402221258603318,
0.9548477121284092,
0.7981797981797,
0.9714638745006288,
0.9304977299745395,
0.8880341243478611,
0.8140177640278446,
0.8058008226162975,
0.9495511078111263,
0.9046799884368947,
0.7608819740667967,
0.8161977732492995,
0.8492336034213218,
0.917217871028967,
0.8697471261915183,
0.8310153265298836,
0.834984301916808,
0.9043563662173445,
0.9278353488412265,
0.8099474127547933,
0.9150626364280348,
0.8470901718545574,
0.763875511720102,
0.9689982289113886,
0.9279826717276639,
0.8802693594453294,
0.8457375543620055,
0.7859162372602091,
0.9238337663325366,
0.7978780250710321,
0.8266569211562664,
0.8798961899142028,
0.9263019566848704,
0.9280705424664027,
0.7985449687793926,
0.8616919094128496,
0.9807422176833499,
0.8801344385233302,
0.7913314671023687,
0.8762712604989469,
0.7997358970000906,
0.8158769876746998,
0.7636170839305908,
0.9227039198764653,
0.9226384097207587,
0.9239029553042745,
0.8498820756877851,
0.9053457062663992,
0.9077819209264738,
0.8538469148221988,
0.879781201734679,
0.8911389632926229,
0.9038807408619319,
0.9078807084584938,
0.8617419486109846,
0.8489085626914196,
0.8919523976747616,
0.8449289750216329,
0.792507679596051,
0.9363873739042163,
0.9155729796430734,
0.9270010845221283,
0.8412940943665776,
0.9295255577503568,
0.7591048772643633,
0.9277447131035006,
0.8391625626701145,
0.8404867750256002,
0.8709178869021063,
0.9492318848213255,
0.9312447473396201,
0.8879839763311372,
0.8456281890127811,
0.8781110103488408,
0.8349783140577756,
0.8814765994972342,
0.8529206894100387,
0.8489263384052385,
0.9104126593146132,
0.8369738176471242,
0.9694019314738564,
0.8904870113423128,
0.8443721649946478,
0.9477072571711664,
0.8702124740685808,
0.8528356343441036
],
"xaxis": "x",
"yaxis": "y"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"hovertemplate": "label=-1<br>dataset=train<br>cosine_similarity=%{x}<br>count=%{y}<extra></extra>",
"legendgroup": "-1",
"marker": {
"color": "#EF553B",
"opacity": 0.5,
"pattern": {
"shape": ""
}
},
"name": "-1",
"offsetgroup": "-1",
"orientation": "v",
"showlegend": true,
"type": "histogram",
"x": [
0.7716123509154025,
0.7038821552799532,
0.751947484378915,
0.7258868202341391,
0.6774115492971616,
0.7353049117574819,
0.7095422399390879,
0.6889794947128386,
0.7105704228601283,
0.6854310943840257,
0.784364755373834,
0.7613768364652512,
0.6959528437370902,
0.7767797961548706,
0.6804175339992097,
0.7669661130491635,
0.732603556469565,
0.7503593487828606,
0.6841051429986958,
0.6817076740337576,
0.6578035383967853,
0.7461047869601104,
0.6734079169807252,
0.6934235114486501,
0.634814731742416,
0.684511611493324,
0.6781460381294525,
0.6689992554638441,
0.7530290407541099,
0.7438261740051559,
0.6982521369244553,
0.7177317858924604,
0.8543654493223579,
0.8180660267184533,
0.7831589662556699,
0.6928477945428939,
0.6974353205004038,
0.7480486882157694,
0.7721643300317267,
0.6735150896131518,
0.732026465623994,
0.7287939909196545,
0.7473662642034288,
0.7371655859402274,
0.7158043303334509,
0.7256891043902162,
0.7142056471808356,
0.7603363076622441,
0.784316308266614,
0.7817529750189042,
0.7457387460469039,
0.6754393066420028,
0.7334686028938258,
0.7143997041193857,
0.6596201847712574,
0.7376382617712838,
0.7317773331820977,
0.6749389928979025,
0.7284849555183073,
0.755339617235528,
0.7163254839538667,
0.732386680764007,
0.6665729963043296,
0.6729225568605776,
0.6811501112718334,
0.6979574927831143,
0.7144765707754137,
0.7061236597830564,
0.7470664146470789,
0.6820051181621423,
0.7347908568617677,
0.7666916871084452,
0.7199471820206861,
0.6651199387329297,
0.6954357307890517,
0.7081106747881839,
0.7139838290243633,
0.6998341198290489,
0.763124120415895,
0.7074952190118784,
0.7078050597171325,
0.6860372434276659,
0.6985863147199223,
0.78457063232715,
0.67506287179285,
0.7435712274892972,
0.7367136844962291,
0.7782457113184517,
0.739495425294388,
0.7353569917829632,
0.730210997752584,
0.6674681272418543,
0.688120555555991,
0.7809892300380952,
0.7645811927205064,
0.7294395163486646,
0.660360902786039,
0.7182071328218214,
0.7330095652756666,
0.6251434977444064,
0.6871141905551422,
0.6632906453522399,
0.7543001390051376,
0.7015238308122037,
0.6959163320993101,
0.6338683826719834,
0.6628678773592765,
0.7284391533835549,
0.7235347862498721,
0.7392216383887023,
0.7141012275429787,
0.7258693241688822,
0.8128975016271582,
0.6804254031252841,
0.8122883335242985,
0.7176248349932993,
0.6769429043082142,
0.785891470113321,
0.762955932935977,
0.7319962308176688,
0.7004752228250278,
0.7490313627982496,
0.8280974689304007,
0.6753428005993922,
0.8555341177165645,
0.655968162151924,
0.6931154509811439,
0.7180169589286249,
0.6853679887724694,
0.7531216482303321,
0.8328512893922954,
0.7851335332208804,
0.6669386688128838,
0.774353016872125,
0.7462208585913788,
0.6640316043971057,
0.7429615332030909,
0.7714134058792095,
0.6060621819940069,
0.8401652809838762,
0.7059533796360004,
0.7398541079008991,
0.7625054360778337,
0.7018894185713942,
0.6425943400736273,
0.6704752036508356,
0.7741597064090275,
0.6244376154525809,
0.7011148474045236,
0.625117745833657,
0.7234785749058111,
0.6890032369300759,
0.7028990482871507,
0.6003014524341436,
0.7721501997397193,
0.6580374315892152,
0.7381106230905542,
0.71483802990466,
0.7491151465802578,
0.8016781261456728,
0.7067139507160198,
0.6907520149963563,
0.6675671188948629,
0.6832574636200363,
0.7179778780353991,
0.6882756688354692,
0.7881602216901648,
0.7204786570174699,
0.7563388248667168,
0.6886622990500234,
0.6666509194128633,
0.7722371564509215,
0.73863466199292,
0.7228957149533551,
0.7135720394296938,
0.6741925459357997,
0.7393067343519237,
0.8094563515504274,
0.7189503203157265,
0.7244117687289859,
0.7510239205972736,
0.7584695506225521,
0.7271824370181212,
0.6426515509137866,
0.7811043453747436,
0.7678757039352443,
0.7335779361780711,
0.6333685471914762,
0.751139325498659,
0.7321944242380923,
0.7056412053999853,
0.8509717793082092,
0.6673013913339738,
0.7707926663159802,
0.6848331580365264,
0.725571205594884,
0.6768707407473763,
0.727194041361699,
0.6905506470327263,
0.7143608366039739,
0.7287190657665976,
0.7480138910282795,
0.8523436566218167,
0.7479253856074815,
0.6834036885780291,
0.7886204294789576,
0.7086429470334609,
0.7983368704080293,
0.7179381420374369,
0.7972154415587208,
0.7046222371654719,
0.8691620296583956,
0.7845817042733656,
0.6863790407211208,
0.689584691715905,
0.734553072755362,
0.6195069866722105,
0.7225804303756339,
0.7339680327667985,
0.7781184911320084,
0.6616792938958274,
0.7528218770205334,
0.697209184503738,
0.7811253845280821,
0.806202194517291,
0.7539034482841885,
0.6368362587894371,
0.6969834483612145,
0.7358445077609729,
0.7480212430701514,
0.837417863956031,
0.6354960366047774,
0.6774111989227272,
0.6716780830580752,
0.7256914834192312,
0.7303696575991324,
0.7985874461735851,
0.7406888067252477,
0.7320906086110632,
0.7921896161755121,
0.699286792669728,
0.7566990183854003,
0.7136240282974813,
0.8113857694751421,
0.7287546710474923,
0.7336159949916048,
0.7188723937248258,
0.8514069316887177,
0.7247071211485849,
0.7280999783344679,
0.7650134601076308,
0.795116643803885,
0.8017783133763959,
0.6876606511064858,
0.7045204662002107,
0.6709435592231187,
0.7094120604733078,
0.7531338491786713,
0.7653972589419892,
0.8231070984380111,
0.6288992635081508,
0.7922806986090032,
0.7432125830858358,
0.6892628306439603,
0.6785483803846015,
0.770534753691778,
0.6831674442569425,
0.7419962326841997,
0.7650502199004182,
0.7142920367333663,
0.6833521541997373,
0.766008743559505,
0.7562353627402492,
0.6546335439458869,
0.7209731528385275,
0.7104414468974525,
0.7477004308834281,
0.7774228541946318,
0.698957933425939,
0.7441572480795131,
0.8042788073866731,
0.7727358147674303,
0.7647628518024662,
0.7191104853578608,
0.7158185852704362,
0.6682930517438505,
0.770523182375145,
0.6965121710321975,
0.6516475546192134,
0.713845829534854,
0.7286504152731416,
0.7641615686624382,
0.7232323300993192,
0.7557455754260464,
0.5686380913806648,
0.7412519212848535,
0.6793923835552383,
0.6888585860864583,
0.6145879185880911,
0.8030064183824127,
0.7736866225635307,
0.6865932214270543,
0.7446384136085424,
0.7389226128315456,
0.6972059603509091,
0.7264363655873295,
0.7528989972928023,
0.7525008806101526,
0.720693203663495,
0.7388203368410516,
0.6856663079683737,
0.74887465592623,
0.6515636891491635,
0.6411405144344698,
0.7934132104873557,
0.7000085123814158,
0.7728914063783796,
0.7401777140842007,
0.6710413311834448,
0.7375308000653674,
0.7788817161129941,
0.7141871475865484,
0.6922705349408378,
0.6369816955900554,
0.6869350038048188,
0.685231460450042,
0.6720526490574199,
0.737999932969669,
0.6918896703997716,
0.6902215810318877,
0.7091151687869405,
0.6972213117685352,
0.6912915917605198,
0.7362489604689838,
0.7589071205533027,
0.6648731620230947,
0.7575322774821506,
0.6945324404378659,
0.6686856268388376,
0.795235181065418,
0.7389473291447456,
0.7274888870782471,
0.8408622105922906,
0.7644939684162259,
0.7255869703049342,
0.6329595612291175,
0.7414947143489761,
0.6844177150475373,
0.7247832697866686,
0.656275230959985,
0.6821627899404628,
0.7953944049389378,
0.7475900178666767,
0.6979968881896356,
0.6491919080595322,
0.7699573513158264,
0.7600400663337776,
0.8213448951450698,
0.6621915036968163,
0.7324655117275621,
0.8194020661895487,
0.720349345467032,
0.6685101990439318,
0.7184358162262947,
0.7590701943082884,
0.6915351209357187,
0.6932191618468176,
0.6706428751130443,
0.6617777330363659,
0.7416077367225713,
0.7326984849361777,
0.7846721762289013,
0.7799831723559668,
0.7429996338409888,
0.7771761533936425,
0.6753665884262471,
0.7661933491982039,
0.7279881541172321,
0.7537817880640634,
0.6911862319436263,
0.7117695842292702,
0.710226169232641,
0.785296476852449,
0.793996993851108,
0.6714296567215655,
0.7169527832143433,
0.7551362754640697,
0.6641973556970561,
0.7080912948808493,
0.7601910537688565,
0.745538326495841,
0.6736792559891412,
0.7711446027105765,
0.8085310563770479,
0.781668274635721,
0.7117774766314491,
0.7202058158268165,
0.7178388393710557,
0.7843818408822072,
0.6882974103960662,
0.7586779486742957,
0.8006863265097108,
0.7207408354111836,
0.7049666557092058,
0.6471657346990808,
0.7596679298724186,
0.7669806327303457,
0.7635040498729259,
0.878446553136865,
0.7628907387348406,
0.7064957294955465,
0.7919465024837888,
0.7881155758926911,
0.738963861491832,
0.7267016342979264,
0.6737494883606043,
0.6672705144241518,
0.6606766573693575,
0.7723179312105292,
0.6207063616074289,
0.6748470229863535,
0.7555125532187953,
0.6922536389434922,
0.6325799084964319,
0.9225604523833008,
0.7422351710425795,
0.7120137226179585,
0.7529833805479896,
0.6540254443782637,
0.6634429444900393,
0.7023901529065675,
0.8291681335582882,
0.7055720474798108,
0.7030323542503136,
0.7351594589750032,
0.7692149237018594,
0.6700696119783992,
0.7377802132585335,
0.7681983753767951,
0.7806819373503534,
0.6150639140725899,
0.8496140507895567,
0.6405666867669512,
0.7574775871993733,
0.7254859326115126,
0.8552682999375194,
0.7284699655891659,
0.707194790834234,
0.7707992003019163,
0.7915406678435689,
0.7334650913709536,
0.7965850227792789,
0.7745498932548349,
0.6709703037167633,
0.8340444039138817,
0.713831843700725,
0.648341188967863,
0.6512308870785958,
0.7493013977014221,
0.7335262537983155,
0.7267156379947525,
0.6962526472772063,
0.7293128290116497,
0.7629510430893942,
0.6708192508784995,
0.7637861739777385,
0.7764420392328034,
0.8093038435937737,
0.7353555829235299,
0.7571050567217666,
0.6609340838482513,
0.6690824690031381,
0.6996159419045831,
0.7083581174147081,
0.7918050643473097,
0.792268942945841,
0.7688690760528629,
0.7406102979905423,
0.7042112449021232,
0.6955753490389064,
0.78764284661119,
0.6571553627421683,
0.7587826580463394,
0.7928600810714166,
0.6566355431643212,
0.795504470569337,
0.5976626986955416,
0.7342240057479105,
0.703897022644575,
0.687124954341332,
0.7071276334897739,
0.7558929671757249,
0.7096470509800972,
0.7035683042427089,
0.6414546673209209,
0.6846631265248685,
0.6622370989451309,
0.6774563581399984,
0.7128258539948858,
0.65500683729821,
0.833286016493338,
0.6412017545882492,
0.7777106182069443,
0.7518484797333082,
0.6937005245598749,
0.6990109125605131,
0.7775236038356577,
0.7822918130311382,
0.7673369724893162,
0.640258735719441,
0.6876259485455756,
0.753740386658347,
0.7307308609750184,
0.6731169566840931,
0.7828308582778473,
0.7640946231743534,
0.7641392095835124,
0.8019799819853692,
0.6808031626269543,
0.6309868112848178,
0.6629718722759813,
0.6748510721839284,
0.7243721816644088,
0.653153273696195,
0.7304015493903044,
0.6744629640820483,
0.7106720843427536,
0.7342201256411072,
0.6797681617894905,
0.6653792270271087,
0.6858766758581112,
0.7137279185610369,
0.7384688831729447,
0.6927014925986628,
0.6452572146173435,
0.7205873760072117,
0.7148564517579111,
0.6770259345527488,
0.7186164086068406,
0.7333848976734012,
0.742350924665755,
0.753094995791921,
0.7088918116855797,
0.7621044241118299,
0.6707565017946692,
0.6938092434049695,
0.7601575610939918,
0.7564305549652411,
0.7069545348071836,
0.679984734940282,
0.7394873031259274,
0.7365077360571852,
0.7283155211473861,
0.7989370371768109,
0.7952662659518263,
0.6555976567528754,
0.6806486670636879,
0.7879553680321002,
0.7329933090904799,
0.7554471695210715,
0.7674404375245595,
0.6459255470674238,
0.7984112334570078,
0.7050135573366447,
0.7471769691945463,
0.6570988802725783,
0.6890338035001328,
0.8454341929048673,
0.8163488206272181,
0.6801028687447448,
0.7366110429535001,
0.7554458362641593,
0.7361076290838444,
0.7436020117340892,
0.8690473933438485,
0.7829057160379217,
0.7323672739235019,
0.727284046812208,
0.6881302383403126,
0.7114880783807807,
0.7290525285684681,
0.7683841113626857,
0.7289230964164999,
0.824964897301256,
0.7190215349117116,
0.7307460466275947,
0.7191004549077858,
0.7156964130209845,
0.7319686363976861,
0.7916305635541467,
0.8293203594921233,
0.7657081775302083,
0.7231363343195234,
0.7178945604559305,
0.6401472693241553,
0.6803497878581647,
0.6716079951861309,
0.7227143353375973,
0.6902226533398605,
0.7648043462613526,
0.7797829495631456,
0.7535600121707369,
0.6551946566452843,
0.6843387928718155,
0.673783423182148,
0.6250572054508365,
0.7797974632844829,
0.7050260664255161,
0.6518883210767593,
0.7497723894040687,
0.6984300063224071,
0.7348732114500869,
0.7163492110437188,
0.679895771841465,
0.6985840168173234,
0.6213373840924566,
0.6533089079798504,
0.749307988042321,
0.7182686186557814,
0.7678264037657471,
0.7295595837341288,
0.7088009007473727,
0.7117670957430868,
0.6899757879279277,
0.7198858128430609,
0.7990759742094425,
0.7549694093306901,
0.7660584272048077,
0.6990564474280743,
0.7185301354375069,
0.7897109422640356,
0.6150284826057962,
0.7609179209877847,
0.7628141207618586,
0.7098752368393426,
0.7010071270260032,
0.7658609086823761,
0.7037276454385474,
0.7611310300583753,
0.7564165213590592,
0.8268473546315863,
0.694806632744804,
0.7173587963544709,
0.628384923123136,
0.6681474578912863,
0.75468771132495,
0.7582252659891174,
0.7969572470917895,
0.7646541505371107,
0.7353873219544734,
0.7460602042917472,
0.7356657840674723,
0.6431493479063355,
0.7635608813376681,
0.773615586070005,
0.7346766546395849,
0.7281776032901436,
0.7187458276037539,
0.734475559303697,
0.6428168847267293,
0.8121062448520275,
0.7634754161391133,
0.7330561399932555,
0.698073038932751,
0.5896809589912185,
0.6691873420830674,
0.6795775350478939,
0.6962016057691757,
0.6959197428069287,
0.654429493083754,
0.680290371107544,
0.7298376885467776,
0.8660790794299555,
0.7635685729051049,
0.6845384262033735,
0.7372711515345942,
0.755226491266335,
0.8015123858406769,
0.7671138868791657,
0.7237821445730683,
0.6735035996392917,
0.7495302089126971,
0.8016682927738996,
0.8223366725728452,
0.7017058783347261,
0.6683549462753908,
0.7338487037212709,
0.6614585826862799,
0.618791367400461,
0.7354086018268978,
0.6476979861958023,
0.7368158786596407,
0.7183668669098875,
0.7641734504010455,
0.7254219177917279,
0.6833200703562798,
0.749641467768726,
0.7784031234136286,
0.7369082265526845,
0.8147802819368682,
0.7156368891958242,
0.7530561835982997,
0.7521283120435506,
0.7307338709816457,
0.6686574783033657,
0.7012856083818112,
0.7473746463816937,
0.7345802141277032,
0.7274285931179181,
0.6694279034240063,
0.7214432739414903,
0.7623981321705994,
0.7054513522086271,
0.7509971628562111,
0.6495656049068714,
0.738146141416423,
0.7458860943383611,
0.782367661626297,
0.6505764493448436,
0.7352018457426086,
0.6888817489631018,
0.8460608195797127,
0.7070507085078902,
0.7181632773028006,
0.7173780025530475,
0.6738376055305568,
0.6608142228152337,
0.745214059697453,
0.6920000038065207,
0.6682260717221946,
0.6858293599767253,
0.7275084154684734,
0.7447442136937468,
0.831443597403213,
0.699028517658024,
0.7279735052138048,
0.6047246459653266,
0.7220400731784542,
0.7261892345645794,
0.7889001171426937,
0.7085811610073015,
0.7414394339057087,
0.7207207041251582,
0.6696687113095847,
0.7333252423855329,
0.7583444926198709,
0.7040440999733897,
0.7888048414067916,
0.7826093951613338,
0.7820434964717307,
0.6931833523925955,
0.6753714903264421,
0.8541601753221739,
0.7286699742243903,
0.6530980915075929,
0.7589664555098101,
0.7193701084734708,
0.5975015717071124,
0.7589310852080754,
0.6402986487751285,
0.7399346931139319,
0.8261784570785538,
0.7318244381737539,
0.8046486190693812,
0.7034391588790994,
0.6853637682465487,
0.7165720824783609,
0.7002781951710678,
0.7164093822305327,
0.7267102592860312,
0.7066778836358835,
0.6519313869131758,
0.6920170829973509,
0.7361472325271571,
0.7269174021028989,
0.8028465147909426,
0.736640700293157,
0.776804568334699,
0.7636037465839893,
0.7667526899329292,
0.7132235433739704,
0.7414016053150483,
0.7582453716368596,
0.744221035561052,
0.6893534605657954,
0.7423851087691261,
0.762553984388437,
0.7285058811059821,
0.6679601824140641,
0.8165415625961879,
0.679738774502952,
0.7064558885662728,
0.7368479432298998,
0.6644259815706566,
0.714861816420729,
0.7326442114447744,
0.7659201581940875,
0.825216320666676,
0.8826520157813348,
0.7262294043744633,
0.7378007113961212,
0.8685493338804008,
0.7553403559970067,
0.6523619113301034,
0.6848828474262507,
0.7269322224470469,
0.7364641796341932,
0.8266268907044352,
0.7271535289876012,
0.7079085719428768,
0.7398095255528985,
0.6845675109122937,
0.7159534833117447,
0.6969799782088967,
0.7320916162506776,
0.7540031077797689,
0.7569576452902351,
0.7599097195711889,
0.6807231211444472,
0.7063904871854328,
0.6810926094764572,
0.703367140159468,
0.6672645809537742,
0.8348856255888606,
0.7622100841434504,
0.6107247106946331,
0.7262971617768307,
0.7517307795134163,
0.774390314562128,
0.6256645024731526,
0.7344509902980931,
0.7495302518999991,
0.7600995905435054,
0.7157013586395071,
0.744565347537335,
0.7054360100513956,
0.6661899315516864,
0.7496712539331284,
0.7319903098958674,
0.6776616932795214,
0.6693433487431784,
0.7662019594765932,
0.6915576984784899,
0.6492801271131928,
0.7080393893449954,
0.6696635486014472,
0.7686811022027797,
0.7151679226475,
0.7263452175230818,
0.7535329285569692,
0.6645290523925952,
0.7457234652370698,
0.7302102934093214,
0.7954261037034019,
0.7351674391538137,
0.7040746294052,
0.8459687666533455,
0.6830030428723803,
0.6150329814593183,
0.736142605687952,
0.6762823475657405,
0.7247799097094412,
0.7359155955278354,
0.7117519117326372,
0.836828696264201,
0.825836561245778,
0.6947331032791112,
0.683936779814277,
0.6911958676125044,
0.6428965587303959,
0.7378987509107388,
0.6891177194251363,
0.7255692259882623,
0.7819950637379663,
0.7549558731140827,
0.6663881678475245,
0.6955188818137618,
0.6953682647195408,
0.7519339194678702,
0.7421343616424019,
0.7265591927897577,
0.7648347028087588,
0.6893498662582069,
0.6977612819495707,
0.7618070459290224,
0.7873209435085397,
0.7081873001461378,
0.736352642453331,
0.6643016194038831,
0.752231706896434,
0.6943446010558,
0.7490754016564766,
0.6436209110981279,
0.6860521068313347,
0.7175610868097929,
0.7781530699603056,
0.7284277108794092,
0.7642412817724545,
0.7460407261654611,
0.7598291448215767,
0.7008558996227399,
0.7129279776083134,
0.6967847634287222,
0.6572104578062355,
0.7308723479122288,
0.6551034588537735,
0.6399225043341253,
0.7188006911441353,
0.8219439275517826,
0.7914708129178849,
0.6891311484853896,
0.7494974072988847,
0.7222790585664961,
0.7257374109034826,
0.8153899270751024,
0.7260931356376512,
0.6727187067029153,
0.6854060944525767,
0.6646721493308994,
0.8128573928630083,
0.7417007406403184,
0.7830198792407513,
0.654183260923656,
0.6718285009612078,
0.7383959156401033,
0.7162808860240075,
0.6874759305942671,
0.7246071502296452,
0.7253099743443112,
0.6712284554414122,
0.7531783921069501,
0.6950408343383737,
0.7049498548499841,
0.7673992240611753,
0.7618640619483263,
0.7072669870597236,
0.7270682767647519,
0.6920711825051249,
0.7118090261781322,
0.6914740516934242,
0.7124460243517998,
0.7633004876702707,
0.7350475956143141,
0.7550652243779818,
0.7014664352835727,
0.7547371549340057,
0.7318212974874152,
0.662343889684919,
0.7714865276320572,
0.7443128263214231,
0.7997026421426522,
0.7405550008973621,
0.7716575165248285,
0.7554446679192444,
0.6989905073391681,
0.7511537286432912,
0.7317350883968345,
0.8545151291528634,
0.7516814219356163,
0.7333934841939153,
0.7040136525344334,
0.676074771967772,
0.7574120917856244,
0.7415503706684751,
0.7549691112038481,
0.8006278227219923,
0.7716180820287394,
0.7034386115106845,
0.652843666482425,
0.7156446627216217,
0.7194263258057425,
0.726700971012462,
0.7547718166967766,
0.7468073369279913,
0.7035341779251582,
0.7123022462061414,
0.7492587490928362,
0.7148636535015032,
0.7430568237896105,
0.7266096561888958,
0.7240677295764814,
0.7768484817553605,
0.6930770200320712,
0.7706406741498254,
0.6251873876985308,
0.7136935852305762,
0.8260380464202335,
0.7243006602482093,
0.747069784360531,
0.7247646185183468,
0.6734533429581273,
0.6872066385279102,
0.7823600473708409,
0.7099535980278348,
0.8048239711507693,
0.6504208120457747,
0.7549821565485834,
0.6939353225968298,
0.6637953738402836,
0.6770904280690566
],
"xaxis": "x2",
"yaxis": "y2"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"hovertemplate": "label=-1<br>dataset=test<br>cosine_similarity=%{x}<br>count=%{y}<extra></extra>",
"legendgroup": "-1",
"marker": {
"color": "#EF553B",
"opacity": 0.5,
"pattern": {
"shape": ""
}
},
"name": "-1",
"offsetgroup": "-1",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0.6742003467737475,
0.7847753781451504,
0.7274159791134907,
0.6957968979468027,
0.6670622872014731,
0.6267508503685578,
0.7027888094165511,
0.7598339932312836,
0.7884658019100472,
0.7446898059716018,
0.748219667986163,
0.6673778265778817,
0.7107843094663899,
0.7524056876970888,
0.728625578259004,
0.7599888554057668,
0.7168499297869447,
0.6790515687805251,
0.723217139551798,
0.6790354320232029,
0.7824422862684328,
0.6838720799167273,
0.7423665236494968,
0.7116213196206346,
0.9189992171433039,
0.6840304978104265,
0.7298607962296929,
0.695799039189754,
0.6531059228285895,
0.749017327292478,
0.7605021087703541,
0.7083394115273047,
0.7925435029467557,
0.7329173213193108,
0.6944798201063026,
0.7155992409318855,
0.7215700321622733,
0.7282193498217321,
0.7137475603122022,
0.704090033600072,
0.7280369163746431,
0.7282848246890323,
0.6435880963537634,
0.7172599247344618,
0.7481693893888388,
0.8008227105197727,
0.7576150343303796,
0.7450130457443638,
0.7418386774635867,
0.8180226058300333,
0.8163206815482718,
0.6177828141907156,
0.7000103203278171,
0.6918475704930157,
0.7007128489809062,
0.7395349352170757,
0.6344669254304273,
0.6967051411752274,
0.7261132753718788,
0.663473919087947,
0.7082529431788775,
0.7355003191180691,
0.7337132606377096,
0.7880175185797738,
0.7451291076746802,
0.6584992219306762,
0.759833383329539,
0.8563713094567369,
0.742542404755924,
0.7292579673024987,
0.700254221375371,
0.7622263434872241,
0.7237563994336537,
0.8085776404459938,
0.6956680600126591,
0.6624019201383653,
0.7890318528967013,
0.7276368030028341,
0.712501079755273,
0.71885120119848,
0.7048330206989107,
0.7295715696214338,
0.6900141265630785,
0.7177540006183367,
0.6511486803623473,
0.6277725842532011,
0.7671303216481705,
0.8235714843444173,
0.6636958432190918,
0.7071054326620746,
0.7522768725678403,
0.6692803559730506,
0.7390689986763455,
0.7232892973678333,
0.8093273126387874,
0.7085733070520877,
0.7047517964365249,
0.7564810428577096,
0.6489778039161967,
0.7706649776273804,
0.7640296347537345,
0.6894395953285523,
0.7662991944519971,
0.6627800191354303,
0.7038189025810129,
0.6904858972999404,
0.7719965385996281,
0.6625966888135385,
0.7103371089858211,
0.6940882003689764,
0.8201048009133246,
0.720987591742674,
0.7492762575104244,
0.7888484899355184,
0.7148261988230862,
0.7801557638725511,
0.6359613949368346,
0.7475439529661548,
0.7876173682721623,
0.7151549254818156,
0.7078220572181092,
0.7613236972566733,
0.6895830581757452,
0.636856604519639,
0.6925678036005734,
0.7477143111120623,
0.7702277954916681,
0.8109639303109754,
0.6998253512995317,
0.7662797967725439,
0.7281467722513828,
0.6685565159818639,
0.6888827239640508,
0.6247012553678671,
0.7327208498438715,
0.7208463985127169,
0.7141895883971049,
0.7405080942088901,
0.7111942791652711,
0.8288225293647024,
0.7096676697487438,
0.7445544240119009,
0.7107344968166103,
0.7358923249746585,
0.6471249630878798,
0.6797282110972396,
0.711616116750847,
0.7634552057100503,
0.6980274553387525,
0.7224736599942702,
0.6820188287482181,
0.7472671644890239,
0.782973999947763,
0.7650026702517483,
0.6663002542988811,
0.7148851377234665,
0.7460913596423754,
0.7648606011571062,
0.6703954944096489,
0.7220372266112245,
0.7702780096705747,
0.681069832868522,
0.735783398639808,
0.7867570936329596,
0.7225277495382029,
0.6814045993165748,
0.6675454177376835,
0.7505517358878633,
0.669645149063612,
0.6696120761895789,
0.692329119804305,
0.7818994931176202,
0.7737447860397837,
0.7721674716138179,
0.747041567065234,
0.7198782412176217,
0.7818361470476479,
0.711215980513521,
0.7062625330674367,
0.677899272978975,
0.7658711022655488,
0.6690532994328683,
0.6829786427241163,
0.7357532390760754,
0.7309003066923148,
0.7804801895077544,
0.60932623943143,
0.6710431882688896,
0.6690610212570802,
0.7348656348182883,
0.7659011167651755,
0.6475188861185984,
0.6101796242426071,
0.6237160657163102,
0.6893765220227472,
0.7424425017010768,
0.7221950090650604,
0.7854977464986943,
0.7406246222176333,
0.6769004701230165,
0.7580577104862621,
0.7304150554901414,
0.7522737254607302,
0.6860478191029423,
0.6418411485029687,
0.6391431731764461,
0.7334537085465792,
0.7588391235213258,
0.7086258420318821,
0.7713210941593879,
0.7223257354987387,
0.6421272271574696,
0.6975185809738441,
0.7007951038871512,
0.7685292831660872,
0.7124335831152934,
0.7731888506556002,
0.724137990491379,
0.7289556782284133,
0.7416145604642509,
0.7645066118547793,
0.7526629133450828,
0.770855920850399,
0.7552208265421685,
0.7795020243107451,
0.6508325914775345,
0.7127814664867819,
0.7281367499977021,
0.7052720441493049,
0.6826247690936711,
0.7511552515447886,
0.635247223019048,
0.7229854973978544,
0.6693192420631228,
0.6831604632156848,
0.7188821635393456,
0.6816140761978693,
0.700867125557215,
0.7828168098568211,
0.7523582235595617,
0.7241156345773699,
0.6655843980160898,
0.7567814387999993,
0.8736646931256691,
0.716772664554223,
0.7391136251971254,
0.8006187770190869,
0.6345529372606832,
0.6713276648349241,
0.7292344930270828,
0.7194678095157572,
0.7542763609387375,
0.7056593387249398,
0.7595997642800293,
0.7063216394591476,
0.6175446877716577,
0.7875741683002514,
0.6924378134614401,
0.7690363868120534,
0.7391742515979487,
0.7635845583498125,
0.6964192367376975,
0.8471626750681308,
0.7376920783006773,
0.7426856412434909,
0.7873796605305872,
0.6780005647206836,
0.666411221418944,
0.6725102708844882,
0.7696305190025365,
0.7552361561748877,
0.7606402941130879,
0.6600850886172535,
0.7605421587918046,
0.7579594276735252,
0.7462352280368276,
0.7115554696406388,
0.6605087054948247,
0.8004867063020802,
0.7739603765321103,
0.7249823818873977,
0.6889831218405683,
0.7712432930986224,
0.7589596701244733,
0.7402884411060081,
0.7432331793033811,
0.7790859813145191,
0.734206599089854,
0.6540848997812582,
0.6861889450142472,
0.6893777234736189,
0.653328105370657,
0.6928244604364131,
0.619414242464458,
0.7550459988985071,
0.7298259030044829,
0.7136331338014865,
0.7069395722659513,
0.7160217707176955,
0.6888078863411472,
0.7600429833662306,
0.7017858061398677,
0.7502846722492934,
0.7301239518258215,
0.7439949216936603,
0.8381514658175974,
0.7517236057632698,
0.7208313610114994,
0.6696452571999706,
0.7037537511831226,
0.735244224648007,
0.6629176489655682,
0.6747489893005091,
0.6928965066535374,
0.6695516468460733,
0.631269569931206,
0.7268975214208234,
0.7658986362869129,
0.6301874390878625,
0.7220016999926007,
0.6878733382001544,
0.6892747690703409,
0.7986443432466241,
0.7133941953026988,
0.6443391315068406,
0.7467754548642928,
0.6564339459327788,
0.6932071307625098,
0.7118149938847931,
0.6848894954772211,
0.6625386743321077,
0.6640882995965612,
0.7556322962670508,
0.7706313384504749,
0.7780034056466248,
0.6765628804169372,
0.6815162670450141,
0.7322325778564607,
0.7128110966264785,
0.71776419662246,
0.7706652944029779,
0.639450396944638,
0.7142496165977369,
0.7657637222281624,
0.7343228772449497,
0.7226482256602573,
0.8343126509385272,
0.7503055703605297,
0.7105694381801116,
0.7445400341561086,
0.7284782853106087,
0.7292366711915973,
0.7319402239999068,
0.6822987241731584,
0.7044293805819886,
0.7300999991804086,
0.7731565575143793,
0.7969082648499634,
0.7180062207317972,
0.7842278231528025,
0.765735117391158,
0.691427772020117,
0.6881823125645676,
0.7314852141962346,
0.6989795082925963,
0.6932644867310587,
0.6882461355207039,
0.6954018962547839,
0.7713370381927668,
0.7670275568940427,
0.6421563709353996,
0.6939708988963124,
0.8038924541949493,
0.6346312774920051,
0.7721812469961087,
0.7771171966193356,
0.7344391444071966,
0.6947731161474889,
0.7484529446018571,
0.7145974518013787,
0.6533440284968872,
0.7513270115751222,
0.7095003152108559,
0.7760781260261036,
0.7357125877446737,
0.6317924805628259,
0.6408170242904581,
0.732567833207633,
0.7135016359489657,
0.7852556626348549,
0.7272928975627647,
0.8179934391602786,
0.6595537172496865,
0.6452674997909227,
0.6503814134372352,
0.6483247962895025,
0.7764185460252098,
0.6535652532455802,
0.7379515655185198,
0.7570649642456835,
0.6288518367638828,
0.7117610876661449,
0.7323352246508773,
0.7268959107054166,
0.6647336645271589,
0.720000488323547,
0.7065190306186968,
0.7850399810254189,
0.7151527209203021,
0.7421244858834402,
0.674387592060417,
0.7289530094103271,
0.7787423455601068,
0.7752256924737089,
0.5955541792289765,
0.7297245158045408,
0.7623192203271378,
0.7964874990885894,
0.7576809962865534,
0.6320079675291425,
0.7440987295774522,
0.691790172156587,
0.7257481906572768,
0.7391777454652574,
0.7185332391716366,
0.649451936067719,
0.7363365981840692,
0.7065347936987767,
0.6970542118175813,
0.73066245110943,
0.6783521894845047,
0.6985330627173587,
0.7783104919279488,
0.6908794877909844,
0.7184414016086655,
0.7453417492700797,
0.7689381287889182,
0.7159411884380367,
0.7633452169428095,
0.7439919105365135,
0.6877313105943074,
0.6015999191823399,
0.7396608894796165,
0.6461723969527379,
0.7581312598771984,
0.7357136356757746,
0.693987693318459,
0.720921742136577,
0.7493447757744331,
0.7214637409410682,
0.6841658298549292,
0.7958302258189095,
0.6804366388931187,
0.8251540758547969,
0.6535249280521364,
0.7347762032102543,
0.7269163276800578,
0.6509866211660766,
0.7023577636356095,
0.707098682942915,
0.7061073080552855,
0.6812482858910239,
0.6863518218229575,
0.731960429869791,
0.7189156424030801,
0.8058885633683904,
0.6611280317489219,
0.7149630617783965,
0.6534234498434491,
0.7308781579760338,
0.7935284397457313,
0.763258678303516,
0.7003100819285019,
0.7365382031621852,
0.6879487739958093,
0.79787388573044,
0.7421190938365726,
0.7842287228082367,
0.699808951036049,
0.6907799889652677,
0.747037865409373,
0.7698125179697787,
0.7156143930497724,
0.8295860498863442,
0.6628439535607965,
0.6958117259205944,
0.7264721369828704,
0.7427936049064306,
0.7385156385133239,
0.7072136226795286,
0.6946110535734391,
0.8014303262038274,
0.6590772160086199,
0.8311114411692413,
0.7726337108359372,
0.743604360419694,
0.7021801496582859,
0.7897897658606364,
0.7145616294810373,
0.7991977421952803,
0.7035337818050766,
0.7718675328582454,
0.7318527421127138,
0.7424154534365077,
0.8113359573544722,
0.7133446991233543,
0.6971365606620583,
0.7553396356288471,
0.7351404279595682,
0.7566431647329587,
0.7322278107362332,
0.837849392149285,
0.6888806805488519,
0.71801018562993,
0.6198711850427556,
0.7064676992590778,
0.6974437689040833,
0.7562920465697328,
0.7725297864594425,
0.7592975626401866,
0.8334855491747459,
0.8203324984518119,
0.701540256599802,
0.800123348465558,
0.6933750693278091,
0.7535333755251317,
0.7644663969846963,
0.6670354936103655,
0.7608566098878785,
0.7188374766964747,
0.6432649824495719,
0.6224303357190578,
0.7147109726897117,
0.7369868580022324,
0.6954907363317289,
0.7280898547593623,
0.7834180951075708,
0.7833413190383226,
0.7708821367217039,
0.6700576957507367,
0.7368247452484161,
0.7327360926693539,
0.7180271997484099,
0.6598859709578795,
0.6733647376439076,
0.688482566980313,
0.6801419671355793,
0.744234975725829,
0.7053949361210478,
0.6948522412914193,
0.6948521817467149,
0.7422916144779489,
0.7609023387282804,
0.6883105856816747,
0.7535377309275171,
0.7550705489407533,
0.7669141550231596,
0.7369486856388363,
0.6475488905063718,
0.652769276981105,
0.7350647538172905,
0.7308267950428373,
0.765415828347218,
0.7978573101586612,
0.7221954917127935,
0.6113696817309696,
0.6767445414258793,
0.7038375177184193,
0.657940899140104,
0.759020287410771,
0.7272347799917571,
0.7460372343613952,
0.7019712604924582,
0.7262819498858548,
0.7936328632095756,
0.7309529275196415,
0.7116252092850656,
0.6870714036558129,
0.7878902194145021,
0.849150340765776,
0.7298620003048013,
0.7348857127745243,
0.6554807011864142,
0.7811223802650806,
0.7852151883384679,
0.7845797034723777,
0.70688284421047,
0.6568817305423458,
0.7552760760199604,
0.7064352518569419,
0.7311857174007584,
0.757910831729946,
0.7011377757283702,
0.6926464265773371,
0.725036921047406,
0.690090611317371,
0.6521330720373606,
0.685213837046044,
0.7470185272540204,
0.7871738508977397,
0.6844550599435831,
0.6727672495958008,
0.6040165154732784,
0.6525982908455876,
0.7394037697262086,
0.6829998416105999,
0.7598847042537751,
0.6830784166545621,
0.6917311243634912,
0.6801544773537368,
0.7644787812554436,
0.6986758862982176,
0.726168258824416,
0.7055802805421373,
0.7152306969593959,
0.7133209672523664,
0.7736827371484406,
0.7613761615026187,
0.7395010996070748,
0.7333669771226372,
0.6663303290555693,
0.7058166062922585,
0.6499389977703685,
0.6428614172042756,
0.7144541066476586,
0.6878745118204694,
0.6808180054494378,
0.6854997351453238,
0.6147045995847352,
0.724803919780423,
0.6796685955694655,
0.8795390298109453,
0.701203682235575,
0.7066983401980615,
0.6767421979884318,
0.6224904596873171,
0.728969999134818,
0.725025002587531,
0.7106047880521588,
0.6234940709787488,
0.6241508043432485,
0.7200102050776956,
0.7008495414993352,
0.7426155867355466,
0.7917675023533457,
0.7681354301168727,
0.6502569576306005,
0.7386347772531235,
0.7144188141340141,
0.7214056381138891,
0.6711839074659901,
0.794543152333642,
0.806687568502786,
0.7396581033009846,
0.6947730373795479,
0.7688451298667488,
0.722285003961338,
0.7161535387255079,
0.7147515646707435,
0.7376400700593619,
0.6989387258178644,
0.7327207085222833,
0.7328403918205584,
0.8157560229068356,
0.7568691295612936,
0.6640763562605544,
0.7851681117264416,
0.6999050650555723,
0.8450122697766176,
0.733268516861923,
0.7759587792785362,
0.627278482084798,
0.762984815596931,
0.6565906542253358,
0.7386514025544605,
0.7111284427718717,
0.7080647998665012,
0.7041411944722643,
0.6922501589944734,
0.7439121690037366,
0.723238589757255,
0.7651057177882445,
0.7139427774393965,
0.7081963072838535,
0.627939204957803,
0.6832290912632786,
0.7653282026115126,
0.728525550961877,
0.8272689708720554,
0.6950531055336265,
0.7258877390528459,
0.7022261217423941,
0.7085900786557475,
0.7337009826210316,
0.6669397883077852,
0.6846838560891167,
0.7239541987688596,
0.6998907146165654,
0.7578727897991581,
0.8293627321978324,
0.6956185650298601,
0.7244126403654921,
0.699288806897109,
0.7343997820937564,
0.7168533956716703,
0.7427020589517147,
0.7115396479089127,
0.7265406176553735,
0.6767054628322889,
0.7120605761717523,
0.8798917966668506,
0.7723656832586515,
0.7406856410527646,
0.6676608342925987,
0.6925303023290262,
0.678952153277022,
0.7158220466702094,
0.6807477205291538,
0.7162114277603188,
0.6731790192149949,
0.7483078486932099,
0.7490810140149124,
0.7358920383458948,
0.6827551533411385,
0.7561985127820561,
0.7323804781508162,
0.7976761452527852,
0.6840790891040868,
0.7654756088296195,
0.7142066660243015,
0.6356291511828299,
0.674192860205997,
0.6954939955543682,
0.7016214191887216,
0.7850924150642837,
0.6473607593805639,
0.7821909887502255,
0.7176406375534007,
0.8154555281844446,
0.6657330291690967,
0.8551221495037599,
0.7412411772621258,
0.7087211492144302,
0.6721775683447294,
0.7818943157283798,
0.6857243967748871,
0.7680103309416969,
0.7879629174444379,
0.7020105721390976,
0.6855881754640264,
0.8062365483405564,
0.6930479105602367,
0.6867843619852978,
0.7268579572647764,
0.7540802634467872,
0.7778692971552195,
0.8632298326179577,
0.8207403797465702,
0.7455713483516805,
0.8174670261914182,
0.7320723740460338,
0.6803715162381884,
0.7098445545550045,
0.7203973876801473,
0.7636968423906688,
0.6890730045206935,
0.6843153881995729,
0.6085169421907808,
0.7625438911561606,
0.6806322362517779,
0.7815620442593687,
0.7700903092876362,
0.7681458085785234,
0.636399097744717,
0.6637217531443863,
0.7384152953317246,
0.7780664165325284,
0.7078810311777637,
0.7281355611473663,
0.6820288448497298,
0.6735170474258938,
0.8088560543095153,
0.7823482798771312,
0.6448206450381555,
0.846282830396127,
0.7804447032112702,
0.7298891661271033,
0.6998453797567195,
0.6794836543528205,
0.8186189257049268,
0.7416383050586978,
0.6911482510036416,
0.7544009615200061,
0.7972143727207223,
0.8180731018312459,
0.7032884778073999,
0.6610495746212772,
0.7049113709392762,
0.6934422653491723,
0.6406673486022584,
0.6744981526940599,
0.753938649397001,
0.6926648931868171,
0.7024449589546105,
0.7370729387436098,
0.738405748877833,
0.7760394503630362,
0.6757675749208075,
0.7672814062120841,
0.7850637210898823,
0.6618489418377244,
0.7616573115880554,
0.7170588562745035,
0.5982197415079531,
0.6709404478346045,
0.7918998319839924,
0.6792099242199083,
0.8025307592652827,
0.7615605985469062,
0.7250200287073199,
0.6772880872579767,
0.6394368845584846,
0.7826533075118018,
0.6737102481316637,
0.6353380972728226,
0.6840388325401981,
0.7263675923349207,
0.7407527718467524,
0.7204260215104706,
0.7352846777552278,
0.7542688773684122,
0.7468548203149926,
0.7325174723166108,
0.7353715131713361,
0.7449466029851928,
0.7461995281670306,
0.7298058772034148,
0.7105460875014881,
0.760347155106932,
0.7076854039810377,
0.6324065463260404,
0.7025343682326664,
0.7429867494851803,
0.7589686234604804,
0.7853955050846929,
0.6796089137884304,
0.7848015470088792,
0.672583786701147,
0.7411889538336661,
0.6845200776956621,
0.7745033854408794,
0.763058177452163,
0.7694280833353907,
0.7393514228198325,
0.7308609833681948,
0.6356471476784475,
0.7424220125833595,
0.6745787616702762,
0.7495317444746407,
0.7041335409803949,
0.6600233954881845,
0.7199255941399014,
0.7427433088567931,
0.7097918795725885,
0.749314705636243,
0.6263454233127624,
0.7716934322678352,
0.7048359198859349,
0.695134693782298,
0.7199447196138309,
0.7141020543884945,
0.7302508818812979,
0.7187231509564416,
0.7625172904270592,
0.6957642689414693,
0.682996591943817,
0.7297883347968658,
0.7068837415148461,
0.825612201861641,
0.7508829308277044,
0.7482328891368725,
0.7283575772684272,
0.7334805474504017,
0.7350903875886052,
0.6903534667451957,
0.6954056485311177,
0.7433779383908873,
0.7572853882012173,
0.7303445480185436,
0.6886467875064289,
0.732665357057582,
0.6883130198809632,
0.7851524448197675,
0.6921528069714196,
0.7037572402844824,
0.7460704689214496,
0.6708355986190745,
0.7147489540185539,
0.6718688761910987,
0.7636784338710954,
0.6649147040852473,
0.7718763360478843,
0.6081654673292766,
0.7033829914367247,
0.7708655311660105,
0.7690317953034083,
0.7643757175520175,
0.7520228229752716,
0.6608841894642156,
0.761598012175806,
0.7573350578210112,
0.7386532939234514,
0.7724860586554978,
0.6937612798608976,
0.6955012805636734,
0.7077270353557592,
0.6976798164683897,
0.7172787496426821,
0.586385206686442,
0.7577403921595582,
0.8147330832723972,
0.7390318284788711,
0.754167562718568,
0.6936664843596098,
0.734630291431179,
0.7521961202162601,
0.744489850710046,
0.8022468648498758,
0.8064855584114701,
0.7697211546277868,
0.730702144957414,
0.7179297206621248,
0.738904360354488,
0.7059424699128508,
0.7243986250318776,
0.7581258457463009,
0.6818638069987897,
0.6300241909706067,
0.7461159443897999,
0.7661918947245072,
0.7355097201406567,
0.6539114059075454,
0.7617218456137158,
0.7925622895630108,
0.7128979843078835,
0.767217543783338,
0.7503433558954317,
0.7147125494524739,
0.7076224243993786,
0.679737964811454,
0.7796160748156733,
0.7376981743257938,
0.7485803158138882,
0.7171654950342119,
0.667525524825034,
0.6758114563267104,
0.6886132368989487,
0.7152057146319163,
0.6913989337422083,
0.7480984679541792,
0.8255059938335463,
0.7133719585419419,
0.7088580269114012,
0.7745431938895596,
0.7601918614917531,
0.7043647488046758,
0.7436177412752734,
0.6492194254074862,
0.6904440122498798,
0.7309160610148411,
0.7058409344459501,
0.7219277594028138,
0.7294753467496536,
0.7635580643418667,
0.823173921111739,
0.7600245698072506,
0.6539033211508878,
0.7491003963846166,
0.7734873048924021,
0.7692800311951715,
0.7164887757486793,
0.7573148275667986,
0.6918709088612881,
0.632748818750497,
0.7432926856785107,
0.694393328173656,
0.7726448907683334,
0.6994664164351561,
0.720804575490195,
0.7559949027806138,
0.8089902493241824,
0.740987607298547,
0.6955897628293631,
0.7724076517489813,
0.77367404489746,
0.7096541244608084,
0.6730512326063786,
0.6996900825440979,
0.7598101741948866,
0.9317476184623138
],
"xaxis": "x",
"yaxis": "y"
}
],
"layout": {
"annotations": [
{
"font": {},
"showarrow": false,
"text": "dataset=test",
"textangle": 90,
"x": 0.98,
"xanchor": "left",
"xref": "paper",
"y": 0.2425,
"yanchor": "middle",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "dataset=train",
"textangle": 90,
"x": 0.98,
"xanchor": "left",
"xref": "paper",
"y": 0.7575000000000001,
"yanchor": "middle",
"yref": "paper"
}
],
"barmode": "overlay",
"legend": {
"title": {
"text": "label"
},
"tracegroupgap": 0
},
"margin": {
"t": 60
},
"template": {
"data": {
"bar": [
{
"error_x": {
"color": "#2a3f5f"
},
"error_y": {
"color": "#2a3f5f"
},
"marker": {
"line": {
"color": "#E5ECF6",
"width": 0.5
},
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "bar"
}
],
"barpolar": [
{
"marker": {
"line": {
"color": "#E5ECF6",
"width": 0.5
},
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "barpolar"
}
],
"carpet": [
{
"aaxis": {
"endlinecolor": "#2a3f5f",
"gridcolor": "white",
"linecolor": "white",
"minorgridcolor": "white",
"startlinecolor": "#2a3f5f"
},
"baxis": {
"endlinecolor": "#2a3f5f",
"gridcolor": "white",
"linecolor": "white",
"minorgridcolor": "white",
"startlinecolor": "#2a3f5f"
},
"type": "carpet"
}
],
"choropleth": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "choropleth"
}
],
"contour": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "contour"
}
],
"contourcarpet": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "contourcarpet"
}
],
"heatmap": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "heatmap"
}
],
"heatmapgl": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "heatmapgl"
}
],
"histogram": [
{
"marker": {
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "histogram"
}
],
"histogram2d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "histogram2d"
}
],
"histogram2dcontour": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "histogram2dcontour"
}
],
"mesh3d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "mesh3d"
}
],
"parcoords": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "parcoords"
}
],
"pie": [
{
"automargin": true,
"type": "pie"
}
],
"scatter": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatter"
}
],
"scatter3d": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatter3d"
}
],
"scattercarpet": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattercarpet"
}
],
"scattergeo": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattergeo"
}
],
"scattergl": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattergl"
}
],
"scattermapbox": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattermapbox"
}
],
"scatterpolar": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterpolar"
}
],
"scatterpolargl": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterpolargl"
}
],
"scatterternary": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterternary"
}
],
"surface": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "surface"
}
],
"table": [
{
"cells": {
"fill": {
"color": "#EBF0F8"
},
"line": {
"color": "white"
}
},
"header": {
"fill": {
"color": "#C8D4E3"
},
"line": {
"color": "white"
}
},
"type": "table"
}
]
},
"layout": {
"annotationdefaults": {
"arrowcolor": "#2a3f5f",
"arrowhead": 0,
"arrowwidth": 1
},
"autotypenumbers": "strict",
"coloraxis": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"colorscale": {
"diverging": [
[
0,
"#8e0152"
],
[
0.1,
"#c51b7d"
],
[
0.2,
"#de77ae"
],
[
0.3,
"#f1b6da"
],
[
0.4,
"#fde0ef"
],
[
0.5,
"#f7f7f7"
],
[
0.6,
"#e6f5d0"
],
[
0.7,
"#b8e186"
],
[
0.8,
"#7fbc41"
],
[
0.9,
"#4d9221"
],
[
1,
"#276419"
]
],
"sequential": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"sequentialminus": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
]
},
"colorway": [
"#636efa",
"#EF553B",
"#00cc96",
"#ab63fa",
"#FFA15A",
"#19d3f3",
"#FF6692",
"#B6E880",
"#FF97FF",
"#FECB52"
],
"font": {
"color": "#2a3f5f"
},
"geo": {
"bgcolor": "white",
"lakecolor": "white",
"landcolor": "#E5ECF6",
"showlakes": true,
"showland": true,
"subunitcolor": "white"
},
"hoverlabel": {
"align": "left"
},
"hovermode": "closest",
"mapbox": {
"style": "light"
},
"paper_bgcolor": "white",
"plot_bgcolor": "#E5ECF6",
"polar": {
"angularaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"bgcolor": "#E5ECF6",
"radialaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
}
},
"scene": {
"xaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
},
"yaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
},
"zaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
}
},
"shapedefaults": {
"line": {
"color": "#2a3f5f"
}
},
"ternary": {
"aaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"baxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"bgcolor": "#E5ECF6",
"caxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
}
},
"title": {
"x": 0.05
},
"xaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"title": {
"standoff": 15
},
"zerolinecolor": "white",
"zerolinewidth": 2
},
"yaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"title": {
"standoff": 15
},
"zerolinecolor": "white",
"zerolinewidth": 2
}
}
},
"width": 500,
"xaxis": {
"anchor": "y",
"domain": [
0,
0.98
],
"title": {
"text": "cosine_similarity"
}
},
"xaxis2": {
"anchor": "y2",
"domain": [
0,
0.98
],
"matches": "x",
"showticklabels": false
},
"yaxis": {
"anchor": "x",
"domain": [
0,
0.485
],
"title": {
"text": "count"
}
},
"yaxis2": {
"anchor": "x2",
"domain": [
0.515,
1
],
"matches": "y",
"title": {
"text": "count"
}
}
}
}
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Test accuracy: 90.6% ± 1.3%\n"
]
},
{
"data": {
"application/vnd.plotly.v1+json": {
"config": {
"plotlyServerURL": "https://plot.ly"
},
"data": [
{
"alignmentgroup": "True",
"bingroup": "x",
"hovertemplate": "label=1<br>dataset=train<br>cosine_similarity_custom=%{x}<br>count=%{y}<extra></extra>",
"legendgroup": "1",
"marker": {
"color": "#636efa",
"opacity": 0.5,
"pattern": {
"shape": ""
}
},
"name": "1",
"offsetgroup": "1",
"orientation": "v",
"showlegend": true,
"type": "histogram",
"x": [
0.62633777,
0.6492612,
0.74769527,
0.54071677,
0.8863596,
0.6817805,
0.5785665,
0.82887113,
0.6794045,
0.76380104,
0.5858645,
0.63587993,
0.2734284,
0.8052927,
0.6129269,
0.64268386,
0.97525066,
0.8164046,
0.90666854,
0.52082795,
0.62001956,
0.582056,
0.28727728,
0.5043442,
0.84459263,
0.80458224,
0.7778318,
0.7650774,
0.8513628,
0.58186096,
0.4255588,
0.8702187,
0.7642445,
0.28723156,
0.6287414,
0.8956692,
0.7398878,
0.6970884,
0.45197058,
0.37046617,
0.83009523,
0.5688501,
0.70838624,
0.81617194,
0.53459656,
0.29916424,
0.51540774,
0.7381836,
0.6052908,
0.5967196,
0.4498732,
0.794477,
0.83508503,
0.79722476,
0.62056327,
0.7251838,
0.815907,
0.4807289,
0.7957079,
0.87438333,
0.7391311,
0.67658794,
0.49131513,
0.6023695,
0.4440316,
0.7415512,
0.69904804,
0.5354148,
0.64043915,
0.75364023,
0.72705424,
0.75515705,
0.38341472,
0.87788635,
0.3509713,
0.7610955,
0.5901374,
0.42789385,
0.7327275,
0.8278341,
0.60329443,
0.543894,
0.031107884,
0.6439886,
0.6276598,
0.7420191,
0.35289103,
0.81565684,
0.67906296,
0.5631667,
0.9237712,
0.51068527,
0.73061156,
0.7349732,
0.7327551,
0.6904968,
0.62975055,
0.59062743,
0.7521196,
0.48284933,
0.6738226,
0.6006279,
0.8231786,
0.49006155,
0.6347419,
0.9630835,
0.8138451,
0.2497356,
0.709485,
0.32804397,
0.6716574,
0.7584828,
0.8751961,
0.40467867,
0.6181572,
0.63436884,
0.8169096,
0.46063843,
0.8075618,
0.5566359,
0.6344299,
0.583418,
0.8248,
0.7569581,
0.854991,
0.7119133,
0.8710481,
0.45574,
0.67890614,
0.69131875,
0.92291707,
0.7960864,
0.598162,
0.36864853,
0.71166474,
1,
0.9038061,
0.69050443,
0.9189937,
0.47848383,
0.460447,
0.8703435,
0.14310849,
0.62313026,
0.5547897,
0.93067026,
0.8948934,
0.7850132,
0.7319371,
0.5354311,
0.7139455,
0.95104074,
0.8371307,
0.7684331,
0.85911626,
0.7461796,
0.58223087,
0.40711161,
0.6894168,
0.47843552,
0.47450227,
0.7007986,
0.4875121,
0.6980157,
0.8461333,
0.8923432,
0.65415,
0.6877036,
0.60610783,
0.75813544,
0.72928953,
0.84838235,
0.8579532,
0.67112726,
0.91778004,
0.7847288,
0.36277676,
0.81063974,
0.640638,
0.8331756,
0.69310725,
0.67474574,
0.7401209,
0.83513844,
0.70269895,
0.6416361,
0.8329135,
0.51529896,
0.79035467,
0.86769843,
0.7167099,
0.6154854,
0.22188485,
0.4569527,
0.79689646,
0.77519643,
0.77271426,
0.37620437,
0.9283744,
0.85858446,
0.49140537,
0.68220997,
0.616677,
0.6038858,
0.82752657,
0.90864456,
0.6337199,
0.7511298,
0.89441764,
0.5810184,
0.799282,
0.7356186,
0.5701952,
0.5259371,
0.9495096,
0.66868645,
0.6973406,
0.49876574,
0.6685451,
0.8578662,
0.7788271,
0.6421164,
0.8498637,
0.7023819,
0.8085573,
0.46593714,
0.7700199,
0.66688323,
0.76926064,
0.79773265,
0.8981888,
0.78188455,
0.84768736,
0.647046,
0.90430087,
0.6068795,
0.5478574,
0.6776422,
0.38730615,
0.74100906,
0.38054863,
0.88235635,
0.46120775,
0.50134164,
0.83996665,
0.5589696,
0.7260577,
0.6753187,
0.72134227,
0.7681998,
0.80783576,
0.815218,
0.48497432,
0.65261275,
0.77051884,
0.5761678,
0.36397013,
0.65837514,
0.6873934,
0.61769,
0.7926699,
0.7831585,
0.6866917,
0.7419464,
0.17551024,
0.85883945,
0.83505124,
0.7710983,
0.7300954,
0.2662606,
0.78737074,
0.9590396,
0.55386513,
0.9018659,
0.6077136,
0.8995981,
0.5761858,
0.7289703,
0.41402072,
0.7976667,
0.59392834,
0.61107755,
0.8423199,
0.8060252,
0.87058544,
0.63044924,
0.71807283,
0.6662511,
0.06726853,
0.80067235,
0.83986664,
0.41495946,
0.7449467,
0.28586242,
0.7025322,
0.81179106,
0.87163484,
0.777279,
0.5129221,
0.7908417,
0.6794203,
0.7679003,
0.5678378,
0.7917366,
0.8101657,
0.91693664,
0.8950198,
0.39420304,
0.7713048,
0.7025179,
0.5298878,
0.46446303,
0.56496996,
0.6529648,
0.67136264,
0.6931885,
0.7316927,
0.8951508,
0.68699646,
0.6939385,
0.7775479,
0.7266277,
0.8779724,
0.6115547,
0.8929104,
0.8214821,
0.8164298,
0.81830746,
0.837093,
0.85047114,
0.8396326,
0.62003344,
0.58842915,
0.8183808,
0.79827636,
0.6507579,
0.60579723,
0.43923196,
0.5685609,
0.7807065,
0.7548708,
0.92334837,
0.7277542,
0.67279506,
0.9093702,
0.71526927,
0.8391199,
0.6116889,
0.73855996,
0.6929078,
0.707542,
0.90576684,
0.75878555,
0.91319305,
0.83733225,
0.62265164,
0.91827625,
0.85213506,
0.7228778,
0.50100243,
0.7092621,
0.8546492,
0.6457016,
0.80506545,
0.5678328,
0.57836455,
0.58472466,
0.912891,
0.6799478,
0.8113685,
0.68330276,
0.74196887,
0.39723474,
0.7239806,
0.643688,
0.7667092,
0.50364435,
0.6868155,
0.83087254,
0.8714779,
0.858773,
0.54367834,
0.88452363,
0.954387,
0.9655773,
0.5746706,
0.7646783,
0.7742274,
0.8598002,
0.6322555,
0.36939913,
0.77861965,
0.66241926,
0.7475957,
0.56102633,
0.88011193,
0.92053455,
0.7420722,
0.7934191,
0.72876984,
0.65524215,
0.69805795,
0.7756505,
0.77443933,
0.5939886,
0.5194656,
0.8207853,
0.69063467,
0.7604115,
0.8619088,
0.88796914,
0.8023452,
0.8778751,
0.531296,
0.7790219,
0.80984277,
0.71252775,
0.34954795,
0.8741004,
0.7000531,
0.27804473,
0.8190426,
0.9148171,
0.709041,
0.8337255,
0.80224115,
0.76563424,
0.57249993,
0.7307656,
0.699036,
0.63273036,
0.54964805,
0.7941144,
0.74975336,
0.64519036,
0.6128178,
0.6966932,
0.9130235,
0.6155559,
0.42647067,
0.7859994,
0.5754412,
0.91798687,
0.93654215,
0.8307725,
0.6487342,
0.80216604,
0.8335575,
0.50004107,
0.7782065,
0.49554375,
0.30089402,
0.7383616,
0.8958235,
0.6576232,
0.78612936,
0.6188841,
0.31415528,
0.39187276,
0.6359443,
0.88683057,
0.7251331,
0.5217849,
0.80511737,
0.6819341,
0.7284198,
0.6969898,
0.7936599,
0.36131707,
0.48780403,
0.23185284,
0.6976562,
0.829112,
0.5358752,
0.7091571,
0.7159635,
0.60176796,
0.75585645,
0.7324286,
0.6680716,
0.7366141,
0.74985,
0.8064601,
0.60095876,
0.8159702,
0.96017134,
0.7402446,
0.9334823,
0.81815803,
0.5311575,
0.5815956,
0.7709431,
0.61980546,
0.8843194,
0.57487804,
0.57103646,
0.64874685,
0.87695974,
0.891543,
0.7335573,
0.9684461,
0.7659,
0.6187518,
0.43563202,
0.7737297,
0.8110703,
0.5213811,
0.81311977,
0.7644309,
0.49864683,
0.7797584,
0.4044489,
0.8876911,
0.88310343,
0.8763847,
0.8131948,
0.65492976,
0.59635246,
0.9418984,
0.54254997,
0.93639016,
0.59215885,
0.45467484,
0.79744107,
0.64025354,
0.55831563,
0.86695075,
0.5954414,
0.34842893,
0.55557936,
0.47484532,
0.80948997,
0.5012223,
0.60051954,
0.7731605,
0.8691235,
0.9645986,
0.7912115,
0.7567138,
0.6565598,
0.67548233,
0.84129304,
0.7874506,
0.96841234,
0.6429859,
0.3547471,
0.6974749,
0.79949605,
0.86138004,
0.7138398,
0.8489216,
0.70639175,
0.86017215,
0.899457,
0.5466309,
0.5996159,
0.7249916,
0.72350377,
0.5883132,
0.8822625,
0.74338263,
0.56817883,
0.9428224,
0.54054725,
0.6268514,
0.5094866,
0.6357072,
0.36299407,
0.84401405,
0.74103534,
0.74784213,
0.7956247,
0.78950113,
0.7601204,
0.62895703,
0.87487686,
0.61031854,
0.39709812,
0.61138946,
0.3812375,
0.84074944,
0.72936195,
0.7550708,
0.6045422,
0.87489635,
0.87139297,
0.40475205,
0.65752846,
0.5619758,
0.8900118,
0.48443308,
0.9121128,
0.604188,
0.81037885,
0.5598159,
0.8298292,
0.59395266,
0.79928064,
0.777367,
0.8143439,
0.55066323,
0.30405208,
0.25877908,
0.24364099,
0.62332904,
0.6352335,
0.3064386,
0.80773073,
0.75745714,
0.46684447,
0.52818024,
0.68489707,
0.92949915,
0.7766514,
0.6235865,
0.7875731,
0.60733145,
0.81699663,
0.9331216,
0.7641232,
0.62862945,
0.93566364,
0.83135074,
0.8498515,
0.5979181,
0.9771398,
0.6940052,
0.4614871,
0.74633044,
0.7992563,
0.7481994,
0.6339916,
0.7329313,
0.74552226,
0.57914436,
0.8943286,
0.2893863,
0.71672,
0.8888014,
0.7639383,
0.88189775,
0.86645085,
0.63161623,
0.76979244,
0.8156996,
0.77996093,
0.7764007,
0.7666779,
0.38382834,
0.6047992,
0.5708912,
0.56554747,
0.72654986,
0.84813446,
0.24446335,
0.8042219,
0.57370776,
0.84466314,
0.6652587,
0.8724061,
0.5676073,
0.8774412,
0.5892301,
0.70637316,
-0.01744918,
0.5763853,
0.685246,
0.80446625,
0.73784316,
0.83801687,
0.6400449,
0.8104783,
0.68163025,
0.40082395,
0.49130777,
0.79519147,
0.59575486,
0.53900486,
0.8104297,
0.85332096,
0.5957264,
0.68082565,
0.758941,
0.69655555,
0.40436864,
0.56979483,
0.84512866,
0.540191,
0.787635,
0.65391886,
0.77506906,
0.27372074,
0.47934622,
0.80572605,
0.12579755,
0.91275615,
0.9143616,
0.7878169,
0.7047575,
0.67271316,
0.6993407,
0.5972224,
0.859506,
0.73079705,
0.34965232,
0.6577033,
0.053214014,
0.86602473,
0.62591094,
0.7017731,
0.68814975,
0.41134626,
0.73138297,
0.2879792,
0.73838055,
0.3649272,
0.80380696,
0.4628495,
0.75490177,
0.8248916,
0.6385443,
0.70488876,
0.6790708,
0.6252006,
0.60029274,
0.47356576,
0.6713015,
0.8376255,
0.7813496,
0.81239253,
0.57091975,
0.7633196,
0.3629918,
0.93275034,
0.7556018,
0.8255823,
0.78117377,
0.68105817,
0.65726954,
0.59854704,
0.7554405,
0.6617764,
0.8565352,
0.6946708,
0.10064178,
0.704069,
0.69698995,
0.5938179,
0.37230915,
0.46368062,
0.8265333,
0.44498953,
0.7548115,
0.6871329,
0.2948137,
0.76096666,
0.23032863,
0.6454264,
0.6716935,
0.89763546,
0.79527193,
0.5249074,
0.8961673,
0.6488768,
0.9680484,
0.6984037,
0.40363494,
0.71135944,
0.5640713,
0.59747124,
0.58870107,
0.96281123,
0.85096645,
0.5772533,
0.5624962,
0.8003669,
0.47515696,
0.8862646,
0.79207057,
0.8983892,
0.8173898,
0.57705903,
0.8845316,
0.9627665,
0.7798861,
0.8141895,
0.78644085,
0.7796596,
0.059658453,
0.76993436,
0.73653936,
0.8777479,
0.7333437,
0.5679676,
0.74642575,
0.7859106,
0.839231,
0.6153818,
0.696852,
0.7957254,
0.75901496,
0.9733584,
0.56838685,
0.7738849,
0.70398515,
0.6675839,
0.7391229,
0.77526176,
0.29149616,
0.89214313,
0.48250166,
0.4922328,
0.67165,
0.61043805,
0.82975,
0.6879617,
0.6521882,
0.6173161,
0.7512762,
0.7635185,
0.61912453,
0.500442,
0.59023106,
0.36978924,
0.5758545,
0.698976,
0.71413225,
0.54453605,
0.5159726,
0.6304993,
0.6930043,
0.42232794,
0.7654904,
0.9677449,
0.094941825,
0.8709475,
0.339995,
0.53233665,
0.9016508,
0.7463074,
0.74866325,
0.51891315,
0.86540467,
0.69788635,
0.5887736,
0.70668274,
0.86041725,
0.9553528,
0.54262877,
0.4456973,
0.51287186,
0.8569774,
0.81340355,
0.80077314,
0.8904735,
0.9480658,
0.36146307,
0.3802133,
0.7706001,
0.42340368,
0.43505526,
0.70398456,
0.7259308,
0.6379376,
0.66930586,
0.44461232,
0.7506611,
0.6421545,
0.73099697,
0.45227975,
0.632795,
0.6825947,
0.7101734,
0.889681,
0.58154607,
0.81989473,
0.8868445,
0.29095894,
0.65495634,
0.6595464,
0.65429366,
0.7955018,
0.7166636,
0.7703214,
0.34711868,
0.7110582,
0.76426196,
0.57014495,
0.83803177,
0.7878908,
0.42654935,
0.657186,
0.70480186,
0.7035837,
0.8483754,
0.4924207,
0.6576989,
0.69067025,
0.44001892,
0.7260446,
0.60174274,
0.5346409,
0.86053795,
0.8307032,
0.81584084,
0.64752364,
0.29775438,
0.49063855,
0.7554178,
0.7687449,
0.6026928,
0.97453076,
0.596928,
0.94876415,
0.5113779,
0.8265872,
0.82466435,
0.5704101,
0.7683946,
0.719947,
0.69952446,
0.9360243,
0.7971326,
0.7974251,
1.0000001,
0.5885735,
0.71549946,
0.8340368,
0.7925732,
0.97820544,
0.4263816,
0.21195397,
0.8438926,
0.56575793,
0.69288415,
0.78781366,
0.60199565,
0.52639896,
0.9043559,
0.74005413,
0.5996897,
0.73645455,
0.8978502,
0.6726917,
0.83947074,
0.624139,
0.8493779,
0.92854327,
0.86957324,
0.62075204,
0.49814963,
0.6801876,
0.93861055,
0.82376987,
0.85260075,
0.7675103,
0.78319424,
0.1447958,
0.90589446,
0.85687214,
0.72030437,
0.86112475,
0.8197784,
0.7398251,
0.6820018,
0.8524769,
0.5224488,
0.675599,
0.63481045,
0.8136832,
0.5867812,
0.785082,
0.72802997,
0.76478463,
0.91651237,
0.500744,
0.75855887,
0.6634177,
0.23088549,
0.80970615,
0.7726921,
0.6774669,
0.6522893,
0.9549681,
0.46878278,
0.26783872,
0.7554178,
0.8541486,
0.97269815,
0.6479406,
0.55063933,
0.6955563,
0.50614023,
0.8240147,
0.86172533,
0.70849085,
0.25810567,
0.8309182,
0.8742231,
0.90719175
],
"xaxis": "x2",
"yaxis": "y2"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"hovertemplate": "label=1<br>dataset=test<br>cosine_similarity_custom=%{x}<br>count=%{y}<extra></extra>",
"legendgroup": "1",
"marker": {
"color": "#636efa",
"opacity": 0.5,
"pattern": {
"shape": ""
}
},
"name": "1",
"offsetgroup": "1",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
0.61793464,
0.6539434,
0.7819901,
0.56067556,
0.5368862,
0.6503767,
0.84201556,
0.7894821,
0.70525616,
0.6925624,
0.60667545,
0.70416695,
0.90490395,
0.80026144,
0.84635264,
0.37150812,
0.7077714,
0.8673241,
0.8584594,
0.91054726,
0.70730054,
0.93377113,
0.6274714,
0.7867947,
0.4850971,
0.88814116,
0.81963825,
0.8114304,
0.9170461,
0.66184366,
0.586197,
0.677808,
0.05204779,
0.902978,
0.8052927,
0.9535879,
0.5233865,
0.2913342,
0.7242395,
0.8090991,
0.82606983,
0.94329315,
0.742546,
0.60494274,
0.5934373,
0.7165329,
0.87279326,
0.5724571,
0.8250108,
0.48299444,
0.524177,
0.33600783,
0.5514732,
0.68942463,
0.7888544,
0.6661152,
0.53666663,
0.5779425,
0.5336563,
0.4089694,
0.6618984,
0.54765123,
0.7875624,
0.5628998,
0.66562927,
0.53948164,
0.8453066,
0.9231348,
0.757424,
0.5675595,
0.7749368,
0.9840784,
0.524171,
0.80520684,
0.47919396,
0.79628336,
0.9072543,
0.4661216,
0.7152215,
0.42334744,
0.49334309,
0.74674875,
0.8404933,
0.70169485,
0.34340653,
0.86847275,
0.79611546,
0.860114,
0.7237516,
0.45872724,
0.8506514,
0.5797153,
0.740064,
0.8896153,
0.54132843,
0.60219437,
0.78744096,
0.8002022,
0.88374287,
0.66386926,
0.69945663,
0.8755222,
0.8586004,
0.7643667,
0.64667577,
0.68150884,
0.65469337,
0.92062974,
0.63184106,
0.6808913,
0.83931845,
0.85809517,
0.6585006,
0.7396434,
0.3828973,
0.78631246,
0.7936716,
0.5183896,
0.92521894,
0.7389152,
0.6921745,
0.9438335,
0.9351249,
0.7642531,
0.81381917,
0.20188656,
0.64060384,
0.40319866,
0.7729938,
0.9112177,
0.52038306,
0.877617,
0.64654493,
0.33477223,
0.8948296,
0.702667,
0.56044036,
0.7862692,
0.75026685,
0.6816061,
0.87390995,
0.3654875,
0.7674819,
0.91823155,
0.74351895,
0.9002458,
0.73766136,
0.83640146,
0.8787275,
0.6686664,
0.54480016,
0.58142465,
0.68140554,
0.81575966,
0.78361624,
0.74878675,
0.8327654,
0.43610898,
0.56545883,
0.7615494,
0.4709844,
0.48992708,
0.67470455,
0.65325105,
0.5474971,
0.65271294,
0.7545957,
0.72984874,
0.12675129,
0.62791896,
0.8813017,
0.7180347,
0.57619643,
0.305297,
0.6818626,
0.869454,
0.7793916,
0.80890536,
0.59409195,
0.84227365,
0.7984149,
0.7291884,
0.73329455,
0.8812015,
0.41968066,
0.43042612,
0.32585037,
0.3111186,
0.70334274,
0.85610783,
0.8400351,
0.8671757,
0.5166327,
0.63763714,
0.85565484,
0.6495823,
0.9434936,
0.6429514,
0.64908385,
0.74849343,
0.52888197,
0.79633373,
0.7080262,
0.6878721,
0.81422764,
0.9502343,
0.74975336,
0.821087,
0.70485705,
0.69537747,
0.7898826,
0.600917,
0.69833744,
0.5643393,
0.3076009,
0.59895796,
0.7959326,
0.57541865,
0.6280643,
0.84650666,
0.7750146,
0.78003037,
0.8217253,
0.5363828,
0.8824846,
0.49350935,
0.7763179,
0.70066226,
0.72105944,
0.47171032,
0.9177526,
0.8903715,
0.44247687,
0.88900167,
0.5496026,
0.83396566,
0.720722,
0.827679,
0.43579507,
0.68411976,
0.76882786,
0.58308375,
0.62110364,
0.6788158,
0.8505743,
0.7447847,
0.81284696,
0.62741584,
0.8737656,
0.3577315,
0.5743879,
0.6444138,
0.3319153,
0.58797187,
0.30906403,
0.45277318,
0.5269537,
0.5401939,
0.74091643,
0.6708758,
0.51499623,
0.63846743,
0.82824254,
0.81584954,
0.70303816,
0.25391722,
0.9016201,
0.43962586,
0.5351344,
0.8858302,
0.80313486,
0.28838205,
0.5982436,
0.59033287,
0.42777124,
0.6392702,
0.46766979,
0.77603334,
0.6229693,
0.6640506,
0.7679238,
0.56658775,
0.54773116,
1,
0.53052664,
0.872027,
0.7398606,
0.7213419,
0.7703214,
0.81930554,
0.6647806,
0.5640779,
0.6877955,
0.7661208,
0.48020834,
0.77899706,
0.5666253,
0.78028864,
0.7506391,
0.5800537,
0.7979926,
0.63594306,
0.6477302,
0.6516589,
0.6228284,
0.7800679,
0.16757111,
0.6069417,
0.45609546,
0.75748074,
0.9060648,
0.83936226,
0.7528726,
0.74377644,
0.73842925,
0.7985563,
0.62830937,
0.8432609,
0.5598714,
0.60831195,
0.5372765,
0.67492235,
0.6378566,
0.59077036,
0.66767323,
0.74309635,
0.6856986,
0.695657,
0.78184444,
0.30982515,
0.7577423,
0.42892572,
0.85158616,
0.70596504,
0.0809655,
0.7620022,
0.8112738,
0.69109553,
0.7969311,
0.27416474,
0.72035295,
0.94144344,
0.85233027,
0.65682197,
0.71213746,
0.78201073,
0.5045966,
0.5972892,
0.23715174,
0.867024,
0.922258,
0.50594676,
0.7470187,
0.73812693,
0.6877251,
0.7696799,
0.7387408,
0.88570124,
0.62438965,
0.49989936,
0.6549283,
0.49801657,
0.602687,
0.59802514,
0.93481046,
0.6577622,
0.7124929,
0.70387614,
0.63906777,
0.64329106,
0.6117089,
0.86972344,
0.7778316,
0.9863017,
0.83962923,
0.35861516,
0.72443885,
0.7177391,
0.8537529,
-0.07567543,
0.8831761,
0.89325845,
0.09074373,
0.66175765,
0.7908513,
0.7833149,
0.60593635,
0.7900713,
0.689293,
0.57379144,
0.62986064,
0.6909425,
0.9131735,
0.71620584,
0.7940353,
0.6156539,
0.70945024,
0.8320915,
0.9397454,
0.38418767,
0.82907736,
0.7202499,
0.8368469,
0.7022412,
0.90868765,
0.84609914,
0.8324179,
0.7641434,
0.05452643,
0.80796885,
0.68942136,
0.27440414,
0.7624909,
0.69832623,
0.7545563,
0.8374953,
0.6198028,
0.7523958,
0.9674553,
0.7151696,
0.8130729,
0.75131583,
0.66027623,
0.7376096,
0.95053536,
0.72910184,
0.54403025,
0.9026403,
0.18024178,
0.77304935,
0.7185867,
0.8410532,
0.7460416,
0.5857006,
0.71882474,
0.42447248,
0.40472844,
0.5403106,
0.7459249,
0.6203229,
0.990551,
0.5258245,
0.719052,
0.7510834,
0.7268292,
0.82220185,
0.63606405,
0.8403875,
0.7957643,
0.8811055,
0.5460573,
0.71607983,
0.82260025,
0.6423708,
0.8859309,
0.5687532,
0.3638615,
0.8697369,
0.5985246,
0.7667614,
0.74245113,
0.7181072,
0.63967454,
0.7534454,
0.73925453,
0.80811876,
0.67298466,
0.9142977,
0.6880929,
0.54360163,
0.57111377,
0.935415,
0.11703956,
0.70567924,
0.70893306,
0.39848495,
0.8674547,
0.69040024,
0.50457776,
0.65840864,
0.7522209,
0.5966824,
0.85286355,
0.8149075,
0.8596678,
0.8403544,
0.53565675,
0.42389724,
0.44267723,
0.5519813,
0.74566287,
0.76445764,
0.9380435,
0.54157597,
0.50487995,
0.5094705,
0.42055702,
0.4872324,
0.9278052,
0.18158077,
0.12361113,
0.75653523,
0.8714192,
0.72948027,
0.7343621,
0.7066431,
0.70177823,
0.6533957,
0.1929572,
0.67212117,
0.37928745,
0.88224036,
0.8243871,
0.70116293,
0.87292653,
0.591929,
0.5261854,
0.39607438,
0.9689981,
0.66102403,
0.6620616,
0.27090693,
0.8780374,
0.89784425,
0.22846444,
0.864423,
0.5816867,
0.51926535,
0.8237204,
0.40694723,
0.8243586,
0.7910646,
0.57572526,
0.72281826,
0.5744212,
0.6410058,
0.8578876,
0.011603172,
0.7646866,
0.6744881,
0.8207853,
0.8869615,
0.50899386,
0.9845006,
0.8865084,
0.59067214,
0.8683722,
0.87329984,
0.6821752,
0.88321143,
0.69465256,
0.945137,
0.6677061,
0.7031632,
0.8019687,
0.60182774,
0.773728,
0.889172,
0.75820756,
0.8066988,
0.7368676,
0.8343827,
0.8989764,
0.9028598,
0.73420733,
0.767237,
0.85051113,
0.8624761,
0.810585,
0.61246645,
0.6076911,
0.6715785,
0.68370587,
0.33019158,
0.41509718,
0.8324833,
0.96928525,
0.8690553,
0.74024254,
0.38106793,
0.871755,
0.8122198,
0.5604654,
0.6882769,
0.8290905,
0.8162529,
0.19191036,
0.81044745,
0.35314646,
0.64714575,
0.76057893,
0.6936,
0.8309206,
0.8588492,
0.42064396,
0.8457405,
0.6474904,
0.64121646,
0.9101632,
0.5800599,
0.60332066,
0.6702455,
0.86354715,
0.3997712,
0.63693064,
0.4554344,
0.85843563,
0.6943251,
0.89080065,
0.8691287,
0.484575,
0.8396473,
0.8963401,
0.80369115,
0.80166924,
0.79778326,
0.48331225,
0.807573,
0.8909455,
0.79766816,
0.8423642,
0.7991525,
0.813761,
0.5509209,
0.5930418,
0.679562,
0.93508327,
0.81074417,
0.66462886,
0.9601727,
0.51128834,
0.82067853,
0.7927419,
0.74945,
0.6139481,
0.8267301,
0.4639257,
0.7108736,
0.68869364,
0.73131466,
0.6761981,
0.73650044,
0.5306876,
0.7358956,
0.4524697,
0.7264088,
0.80450314,
0.9024421,
0.71885085,
0.84710664,
0.81552833,
0.68755484,
0.87712413,
0.3080101,
0.70532084,
0.6328421,
0.8012619,
0.96560556,
0.8335975,
0.80278563,
0.5572738,
0.89964366,
0.3388503,
0.79081196,
0.56197387,
0.7889187,
0.6774963,
0.78010213,
0.94116765,
1,
0.66253835,
0.9070578,
0.47828615,
0.7082447,
0.8528406,
0.9545826,
0.6942989,
0.3952549,
0.58092743,
0.67921484,
0.72117823,
0.8402492,
0.77925265,
0.5846033,
0.66099995,
0.43098938,
0.72826815,
0.32629254,
0.8082619,
0.6646606,
0.78660023,
0.65568006,
0.8829366,
0.7411001,
0.19437894,
0.87033945,
0.6241862,
0.766998,
0.74599785,
0.72794425,
0.77255195,
0.2316839,
0.018844005,
0.7303918,
0.59821844,
0.6077923,
0.7800724,
0.80137885,
0.6669269,
0.43999487,
0.41735145,
0.84472615,
0.7462202,
-0.053624783,
0.8304767,
0.5427025,
0.991138,
0.6683604,
0.58263826,
0.80094194,
0.46766734,
0.4510488,
0.3927497,
0.83770454,
0.7177465,
0.74860656,
0.4215019,
0.66620135,
0.5766084,
0.62889993,
0.5992593,
0.82405937,
0.8333857,
0.62254363,
0.7291327,
0.78048116,
0.54376644,
0.83702856,
0.67223537,
0.5762034,
0.89572394,
0.8708457,
0.7833791,
0.8482914,
0.8475337,
0.85938245,
0.79303986,
0.73544544,
0.6591297,
0.8828558,
0.33553708,
0.7968336,
0.48304284,
0.79487413,
0.8147526,
0.4539149,
0.7205889,
0.78363633,
0.7142959,
0.6676506,
0.43105605,
0.6613759,
0.9488429,
0.71941805,
0.6609126,
0.81115484,
0.7751975,
0.6325035,
0.43080598,
0.8023782,
0.8253321,
0.69224507,
0.69577503,
0.57276225,
0.52625406,
0.8595163,
0.81553847,
0.65095955,
0.8042206,
0.58867824,
0.6093675,
0.31159362,
0.9091791,
0.90617144,
0.35530272,
0.78776056,
0.5977463,
0.8419638,
0.56903553,
0.6382174,
0.27107522,
0.61821985,
0.9242002,
0.73131233,
0.4955672,
0.6826267,
0.86421454,
0.7271081,
0.7232542,
0.41910398,
0.47845224,
0.4329025,
0.6218072,
0.70189106,
0.662156,
0.85631377,
0.82815963,
0.91432166,
0.5370523,
0.5333841,
0.09222104,
0.81919086,
0.76928544,
0.8576255,
0.6498406,
0.7701768,
0.508425,
0.4362452,
0.8052134,
0.518102,
0.9255545,
0.7682056,
0.8811276,
0.52523106,
0.6948822,
0.630253,
0.92435277,
0.6357188,
0.5202414,
0.7997251,
0.7210215,
0.8506083,
0.72800213,
0.76516783,
0.89437485,
0.6771786,
0.729271,
0.5965446,
0.91500014,
0.66096777,
0.86315906,
0.85172296,
0.6921331,
0.7652945,
0.548375,
0.62932414,
0.89575195,
0.7932604,
0.54869425,
0.7067735,
0.948585,
0.9314049,
0.6811314,
0.93334687,
0.5693503,
0.607263,
0.8138354,
0.93566155,
0.6062257,
0.83343637,
0.4522884,
0.763556,
0.80588,
0.7426931,
0.64047134,
0.6874023,
0.81308717,
0.726403,
0.9103602,
0.43190715,
0.6722804,
0.562562,
0.79260874,
0.8487165,
0.90955424,
0.7070434,
0.9508475,
0.69549423,
0.82245207,
0.38448167,
0.929168,
0.57345986,
0.58109176,
0.9690174,
0.34672183,
0.74065804,
0.6878627,
0.87119263,
0.7037936,
0.8237216,
0.58342206,
0.58238345,
0.71679354,
0.6069918,
0.9121685,
0.82571757,
0.44958836,
0.5528167,
0.76326835,
0.80043215,
0.7756117,
0.73925453,
0.7482401,
0.5507494,
0.7144379,
0.94876575,
0.62610537,
0.5326037,
0.837622,
0.41196695,
0.82671046,
0.4378084,
0.63702977,
0.8025416,
0.87311256,
0.89182675,
0.6392371,
0.91297686,
0.8131437,
0.5988223,
0.5476776,
0.52425927,
0.89064014,
0.83070064,
0.35018027,
0.646664,
0.7318927,
0.77978224,
0.7615369,
0.49055058,
0.5184866,
0.7010234,
0.8864862,
0.4365945,
0.8238683,
0.61898524,
0.5387136,
0.9059271,
0.8079271,
0.6913079,
0.55845463,
0.5524829,
0.77264833,
0.5469018,
0.44935167,
0.76209265,
0.89650166,
0.88444823,
0.5576208,
0.7008074,
0.94629467,
0.5643775,
0.45642525,
0.566561,
0.4773598,
0.54378456,
0.51583683,
0.78916514,
0.8005452,
0.8030248,
0.79330724,
0.7681406,
0.76360846,
0.67665935,
0.7922518,
0.76697505,
0.8937456,
0.8267343,
0.5732722,
0.6398665,
0.749228,
0.5289965,
0.4401208,
0.89402115,
0.79971343,
0.66149795,
0.75444,
0.7829075,
0.59031034,
0.8778093,
0.74311066,
0.6310025,
0.62263674,
0.9001661,
0.90004337,
0.72393864,
0.75523674,
0.7203062,
0.6409196,
0.67471087,
0.6793967,
0.8119724,
0.87212074,
0.53536,
0.9219783,
0.76473284,
0.5940263,
0.8794518,
0.63048226,
0.5991726
],
"xaxis": "x",
"yaxis": "y"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"hovertemplate": "label=-1<br>dataset=train<br>cosine_similarity_custom=%{x}<br>count=%{y}<extra></extra>",
"legendgroup": "-1",
"marker": {
"color": "#EF553B",
"opacity": 0.5,
"pattern": {
"shape": ""
}
},
"name": "-1",
"offsetgroup": "-1",
"orientation": "v",
"showlegend": true,
"type": "histogram",
"x": [
0.17704065,
-0.2197479,
0.036561932,
0.03078794,
0.16287361,
0.0037750802,
-0.17283894,
-0.0056415703,
-0.31191555,
-0.19741184,
0.17695798,
-0.06382966,
-0.14080551,
0.29235992,
-0.1096851,
0.038002986,
0.02834748,
-0.21968137,
-0.25889882,
0.3103161,
-0.006194991,
0.0990564,
-0.25219408,
-0.07871262,
-0.21178633,
-0.23531269,
-0.34816837,
-0.02146226,
0.16947037,
0.002647942,
0.17201145,
-0.2565052,
0.46582797,
0.3652316,
0.16924872,
-0.2620242,
-0.14834075,
-0.32050863,
0.37560043,
-0.3248905,
-0.054233477,
-0.22012052,
-0.1833275,
-0.053380508,
0.10079247,
-0.14448977,
-0.13718396,
-0.0319059,
0.40417752,
-0.10803104,
-0.11156442,
-0.13650548,
-0.18077083,
0.053754237,
0.14605059,
-0.004319327,
0.11270527,
-0.3165569,
-0.11988284,
0.19842413,
-0.19525342,
-0.13045813,
-0.27401128,
-0.17903593,
-0.16874364,
0.0042942143,
-0.1965198,
-0.31380427,
-0.031872697,
-0.31631964,
0.04827138,
0.10799435,
0.20671417,
0.06395496,
-0.3223904,
-0.27862772,
-0.13732894,
-0.35094112,
-0.038616873,
-0.020552458,
-0.055335406,
-0.019240612,
0.2676277,
0.07177423,
-0.29565778,
0.15117139,
0.07761711,
0.15797071,
0.032089006,
-0.15974684,
-0.30709958,
0.17962314,
-0.23798774,
0.3939991,
0.015737234,
-0.0059998906,
-0.2791269,
0.051424716,
0.041056875,
-0.096214555,
0.22341475,
-0.32631025,
0.17918512,
-0.08165054,
-0.14444755,
-0.021017991,
-0.4787688,
-0.28552407,
-0.10559307,
0.25971174,
-0.21750338,
0.28981656,
0.41485998,
-0.40332943,
0.11552367,
-0.36777914,
-0.24785523,
0.09688524,
-0.009436943,
-0.123011656,
0.068055205,
-0.18807197,
0.3002495,
0.16811875,
0.54001033,
0.092610106,
-0.27182412,
-0.12114958,
-0.19754046,
-0.15033455,
0.6534776,
0.50212926,
-0.041639693,
0.3111023,
-0.1826384,
-0.25553122,
-0.21324666,
0.14482324,
-0.31200042,
0.42899975,
-0.15705918,
0.060994443,
0.117767535,
-0.24062516,
-0.44944653,
-0.25603616,
0.100893416,
-0.37754977,
-0.33989835,
-0.44206035,
0.37951866,
-0.17673233,
-0.099114366,
-0.33984178,
0.14661837,
0.030384175,
-0.13298021,
-0.11072391,
0.18338016,
0.32342917,
0.06020327,
-0.1553118,
0.18767244,
-0.40534237,
-0.08603831,
0.23677114,
0.14182489,
-0.04750195,
-0.25831756,
-0.3002811,
-0.2080375,
-0.14016125,
0.18507712,
-0.08732793,
-0.033426594,
-0.31423134,
0.05001428,
0.40054455,
-0.24535488,
-0.2027277,
0.09735501,
0.20064461,
-0.092110895,
-0.3370397,
0.15399621,
-0.27920505,
0.119195975,
0.062127955,
-0.03247413,
-0.13373692,
-0.17017496,
0.46534136,
-0.24450044,
0.30636686,
-0.33660904,
-0.034196712,
-0.21467634,
-0.11036869,
-0.14007783,
-0.08891292,
-0.16034688,
0.27641493,
0.48979956,
0.20858547,
0.08046302,
0.47170067,
-0.22300647,
0.1699074,
-0.004850205,
0.24598779,
-0.23024425,
0.47011068,
0.32227188,
-0.34025395,
-0.053222924,
-0.0027818817,
-0.12495181,
-0.038072605,
0.029111238,
0.20993125,
-0.020635413,
-0.17490152,
-0.048154052,
0.2639478,
0.23677647,
0.4575855,
-0.3347977,
0.19395095,
0.119831964,
0.23544338,
0.5852381,
-0.36134577,
-0.28320327,
-0.10097916,
-0.037177484,
-0.030318322,
0.28049645,
-0.20072645,
-0.20455708,
0.32830703,
-0.25825274,
0.2773846,
-0.25672853,
0.35309523,
0.5001482,
0.043478724,
-0.16696946,
0.58742464,
0.23813392,
0.048167173,
-0.054323323,
0.20826828,
0.14747223,
-0.15111043,
-0.13600864,
-0.08718756,
-0.12500975,
-0.21283044,
0.09305452,
0.3295066,
-0.2611154,
0.29714885,
0.21023327,
-0.3222983,
-0.3803322,
0.20530882,
-0.05492749,
-0.1775801,
-0.0028138012,
-0.10690035,
-0.18314628,
0.109780036,
0.17243639,
0.019612344,
-0.16882594,
-0.1803281,
-0.10404988,
-0.2912097,
-0.115458585,
-0.055534188,
0.2235056,
0.30296242,
0.22597902,
0.4296493,
-0.23867717,
-0.39774007,
0.3344407,
-0.05189473,
-0.25160953,
-0.32684746,
-0.1129042,
0.18576822,
0.0083994595,
0.18202406,
-0.44319898,
-0.23776248,
-0.26365003,
-0.1858548,
-0.19750282,
0.43767583,
0.064954355,
-0.30413315,
-0.028853765,
0.08390644,
-0.38374326,
-0.27363726,
0.23198341,
-0.124538474,
-0.33160627,
-0.18174183,
-0.13391766,
0.17609996,
-0.31888956,
-0.29546353,
0.47972834,
-0.2265001,
0.040385198,
-0.16338405,
-0.26241598,
0.0958769,
0.09588138,
0.228059,
-0.13557182,
-0.22055782,
0.01949183,
-0.31029344,
-0.24477789,
-0.23796655,
-0.066710114,
0.31965712,
0.15555269,
-0.21398838,
-0.4436179,
-0.035234448,
0.17345774,
-0.45300192,
-0.015383394,
-0.18809107,
-0.32842034,
0.35068542,
-0.0051926635,
0.14793189,
0.3888939,
-0.025777215,
0.020221677,
-0.2893948,
0.21578065,
-0.4759993,
-0.09662224,
-0.18271518,
0.06311141,
0.5270823,
0.022912448,
0.02025654,
-0.28909454,
0.2393586,
0.05068833,
0.40633819,
-0.0043612975,
-0.14878657,
0.20389834,
-0.30643532,
-0.46376106,
0.11550956,
-0.17778926,
-0.22425064,
0.08984483,
-0.22508845,
-0.24270499,
-0.28218412,
-0.095832825,
0.024835723,
0.0030944902,
0.1343487,
0.2340887,
-0.2668827,
0.50975853,
-0.2185991,
0.0841391,
0.4258323,
-0.1029357,
0.02761788,
0.05084163,
0.28402445,
0.11535131,
-0.11452751,
0.107374534,
-0.22315367,
-0.030068466,
-0.26001734,
0.08810427,
-0.14680724,
0.090110734,
0.43490237,
0.33611536,
-0.08948898,
-0.08848609,
0.14763005,
0.15671135,
0.054215897,
-0.15861973,
0.32444644,
0.07039991,
0.25591826,
-0.21887772,
-0.026770432,
0.41643265,
0.17040044,
0.5784459,
-0.106068075,
-0.12177447,
-0.009410163,
0.50900537,
-0.09003372,
-0.2287452,
-0.25650117,
-0.19154172,
-0.19578008,
0.16626744,
-0.16301937,
-0.25615266,
-0.010482599,
-0.26995134,
-0.31939852,
0.77866256,
-0.028018063,
-0.30408946,
-0.2232145,
-0.03065638,
-0.172796,
0.108727776,
0.4822839,
-0.081791356,
-0.26089483,
0.11986357,
0.15921438,
0.10942997,
0.030107081,
0.2223459,
0.3114616,
-0.36288115,
0.6469481,
-0.39854154,
0.019970015,
-0.13056615,
0.59859556,
-0.08449598,
-0.1697202,
0.40758812,
0.5027843,
0.017200777,
0.29296032,
0.046198823,
-0.26999754,
0.4899627,
-0.022890132,
-0.13708563,
-0.41542816,
0.14358686,
-0.21792793,
-0.22598758,
0.05478029,
-0.17516336,
0.09614393,
-0.09996814,
0.20536825,
0.011836057,
0.32648265,
-0.2211658,
0.42072657,
-0.35838968,
-0.20260666,
-0.14961831,
0.29441604,
0.3060634,
0.00013120762,
0.15764238,
-0.048571363,
-0.277903,
-0.06422755,
0.06170178,
-0.16940486,
0.4713209,
0.27104926,
-0.3468807,
0.118906625,
-0.23969871,
0.23557036,
0.26056314,
-0.055178043,
-0.15118103,
0.38173792,
-0.17879142,
-0.28446135,
-0.037373744,
-0.067002416,
-0.28605595,
-0.061242297,
-0.24964449,
-0.12990251,
0.3099047,
-0.1273024,
0.0451989,
-0.04695703,
-0.06836854,
0.022835333,
0.118796974,
0.11453101,
0.10232433,
-0.23990905,
-0.10860785,
0.027041042,
-0.10020324,
-0.12279252,
0.38752943,
-0.16663477,
0.23933429,
0.2196771,
-0.07233923,
0.06647707,
-0.07876873,
-0.40308008,
0.21216485,
-0.14025873,
0.084255956,
-0.11478952,
-0.33891422,
-0.049284223,
-0.13976486,
-0.2722062,
-0.353606,
0.07036383,
-0.073452264,
-0.041204926,
0.02114404,
-0.14576042,
-0.028721707,
-0.05160997,
-0.16346979,
-0.30670473,
0.13269007,
0.017239127,
-0.23777309,
0.06354207,
-0.3693005,
-0.09267267,
-0.10972816,
-0.057880826,
0.020849606,
-0.31960008,
-0.23130277,
-0.067394845,
-0.116630696,
-0.114987165,
0.35549256,
-0.24494077,
-0.36901474,
0.32417777,
-0.1538105,
-0.1557138,
0.17731877,
-0.31408167,
0.32689267,
-0.16772395,
0.1703987,
-0.11327315,
-0.38124764,
0.31004673,
0.59151024,
-0.093893595,
0.13716789,
0.14995772,
0.00094647054,
0.48548016,
0.5928973,
0.119083464,
-0.061858788,
-0.26342362,
-0.21060173,
0.0905499,
-0.2220873,
0.1617576,
-0.26401713,
0.34134305,
0.008917371,
-0.05296171,
0.16242357,
0.07612355,
-0.12890556,
0.15893461,
0.25591728,
-0.137718,
-0.08732413,
0.08871376,
-0.2735865,
-0.13716038,
-0.058351092,
-0.26084408,
-0.194895,
0.1523192,
0.106215954,
0.11674475,
0.025029633,
-0.29560754,
-0.39530495,
-0.09759347,
0.31408277,
-0.2473155,
-0.42793098,
0.06816899,
-0.18393394,
0.09823074,
0.043773208,
-0.5156747,
0.056754004,
-0.549804,
-0.33526698,
-0.025929011,
0.009851142,
-0.04159961,
-0.0023732712,
0.10564929,
0.34134293,
0.0843718,
-0.21809494,
0.23368908,
-0.19600326,
-0.16828671,
-0.17243491,
0.11657008,
0.27530712,
0.05940693,
0.2039746,
-0.02160926,
-0.11701213,
-0.17079604,
-0.0509787,
0.07714343,
-0.047574125,
0.38480252,
0.3019504,
-0.14632736,
-0.18913874,
-0.20880477,
-0.30119622,
-0.08797438,
-0.19551337,
0.21543808,
-0.023279045,
-0.22035845,
0.16464713,
-0.11256495,
-0.11221037,
-0.03205747,
0.034483764,
0.25515032,
-0.15258004,
0.05753918,
-0.07811146,
-0.40284508,
-0.016269926,
0.032595847,
0.090405405,
-0.21067369,
-0.31233242,
-0.27885512,
-0.20435192,
-0.27388725,
-0.01595191,
-0.042601332,
-0.26887697,
-0.28292,
0.31476542,
-0.22361869,
-0.18150423,
0.106350794,
-0.102947965,
0.44389546,
0.110368095,
-0.32493246,
-0.061994463,
0.3911255,
0.33199677,
0.32211244,
-0.37746665,
-0.3380468,
0.10176296,
-0.5245134,
-0.22450067,
-0.006551883,
-0.15237203,
0.060110208,
-0.20630343,
0.04662715,
-0.0084215915,
-0.18061844,
0.09122768,
0.21880302,
-0.01990581,
0.345912,
0.06855161,
-0.017812388,
0.18515407,
0.003788514,
-0.15646023,
-0.24698386,
0.28291044,
-0.013994984,
-0.21864803,
-0.101959996,
0.10039741,
0.2929458,
0.25754166,
0.11908391,
0.07658957,
0.062627055,
0.057174407,
0.18739733,
-0.3143088,
-0.1618401,
-0.06380937,
0.47829312,
0.20348588,
0.120012045,
-0.27110708,
0.12713794,
-0.006877727,
0.2609239,
-0.11088256,
-0.27941546,
-0.12617715,
-0.20346211,
-0.20071597,
0.3757668,
-0.006158922,
0.2022416,
-0.13114078,
-0.08685578,
0.036659457,
0.20102523,
-0.2951672,
0.33731732,
0.05714322,
-0.17411888,
0.19553736,
0.048666336,
-0.33340088,
0.21346696,
0.24838735,
0.15968713,
-0.10202227,
-0.13001597,
0.59708077,
0.33603296,
-0.4104113,
0.41050136,
0.27696437,
-0.3028168,
0.15023895,
-0.26342818,
0.2201342,
0.42430818,
-0.14465526,
-0.0026467969,
-0.202531,
-0.19993015,
-0.1293792,
-0.175805,
0.0064361566,
-0.24319676,
0.03735337,
0.118219055,
-0.182573,
0.18245126,
0.054274097,
0.0939099,
-0.34776613,
0.14823401,
-0.1125654,
0.21866898,
0.15275235,
-0.1399945,
0.05415654,
-0.10147357,
-0.2963163,
0.043539025,
0.3001115,
-0.087733984,
-0.17909105,
0.28379536,
0.3868072,
-0.22089298,
0.11414988,
-0.33972663,
-0.1885661,
-0.103762574,
0.11462271,
0.43467173,
0.69129825,
-0.028051915,
-0.008133003,
0.55056334,
0.10446713,
-0.20134266,
0.17636488,
-0.12035508,
-0.17636433,
0.4096508,
-0.1478831,
0.07416653,
0.021387951,
-0.04780633,
-0.24855393,
-0.3538427,
-0.13641097,
-0.03602159,
-0.060061425,
0.112012796,
-0.08362552,
-0.09741979,
-0.22150353,
-0.23348524,
-0.15548144,
0.480485,
0.4725682,
0.001641001,
0.063002214,
0.041030403,
0.2910304,
-0.28026748,
-0.033108354,
0.15253925,
0.32058826,
-0.24060698,
0.13573019,
-0.2001416,
-0.293138,
0.40245116,
-0.01849049,
-0.3895472,
-0.5162921,
-0.0027665521,
-0.08150742,
-0.117012285,
-0.3953054,
-0.28945762,
0.0049017076,
-0.14397718,
0.3131295,
-0.08249738,
-0.33424515,
0.1954504,
-0.07525794,
0.10640602,
-0.089519404,
-0.098873466,
0.4747595,
-0.10807609,
-0.3124973,
-0.18884273,
-0.19455305,
-0.28543293,
0.118206866,
-0.16031386,
0.44178903,
0.46178418,
-0.3483157,
-0.0026456967,
0.24238595,
-0.21402466,
-0.048448004,
0.06101979,
-0.2804315,
0.45703474,
-0.026714526,
-0.33439544,
-0.22972369,
-0.27036932,
0.43498054,
-0.06380014,
-0.13072492,
0.0886067,
-0.07278648,
-0.038270663,
0.13643028,
-0.09739412,
-0.48683774,
-0.23891197,
-0.13334157,
-0.15440142,
-0.15775678,
0.43733934,
-0.3100914,
-0.2220119,
-0.28607935,
0.39590448,
0.23672022,
0.21207815,
0.017059498,
0.26478037,
0.0016464893,
-0.28977764,
-0.037224535,
-0.26404417,
0.18989979,
-0.12193927,
-0.18009067,
-0.3747762,
0.5525564,
0.16413231,
-0.30125213,
-0.1907065,
-0.1542754,
0.0007135361,
0.50497144,
0.10044887,
-0.12275754,
-0.3601233,
-0.1500104,
0.43760335,
-0.32197672,
0.23979005,
-0.3818059,
-0.23818558,
-0.19623607,
-0.024408009,
-0.10524716,
-0.3960877,
0.3303425,
-0.2830708,
0.27586544,
-0.1145882,
-0.111165,
-0.09420423,
-0.058903657,
0.13518971,
-0.10184669,
-0.10831247,
-0.0064446707,
-0.08266732,
-0.07419993,
0.08844422,
-0.17365988,
0.24515805,
-0.26513526,
0.17401128,
-0.24471803,
-0.22620243,
0.07033521,
-0.09956848,
0.3389359,
0.12834518,
0.03662733,
0.17854144,
0.12996721,
0.1364128,
-0.04311322,
0.6397981,
-0.17192681,
-0.21596466,
-0.32148722,
0.19450119,
-0.15467663,
-0.024189543,
-0.24356258,
-0.0046073524,
0.092639096,
0.22117683,
-0.17257208,
-0.15829165,
0.1450047,
0.2572521,
0.117256865,
0.46461114,
-0.2761793,
-0.36467317,
-0.10768784,
0.26356402,
-0.14941622,
-0.14194833,
-0.002570262,
0.07317544,
-0.21026808,
0.29149473,
-0.12738521,
0.045763563,
0.16343464,
-0.20024364,
-0.25073585,
-0.051636107,
0.10465894,
-0.17193769,
0.21449722,
-0.12795395,
0.35411465,
-0.24973735,
0.31991082,
-0.33701682,
0.030938733,
-0.39987737
],
"xaxis": "x2",
"yaxis": "y2"
},
{
"alignmentgroup": "True",
"bingroup": "x",
"hovertemplate": "label=-1<br>dataset=test<br>cosine_similarity_custom=%{x}<br>count=%{y}<extra></extra>",
"legendgroup": "-1",
"marker": {
"color": "#EF553B",
"opacity": 0.5,
"pattern": {
"shape": ""
}
},
"name": "-1",
"offsetgroup": "-1",
"orientation": "v",
"showlegend": false,
"type": "histogram",
"x": [
-0.004551308,
0.18657233,
-0.2660163,
0.038144514,
-0.30856586,
-0.19677305,
-0.098381296,
0.015609887,
0.27963272,
-0.024662575,
-0.17580621,
-0.3407567,
0.0298834,
-0.065432824,
0.12837346,
-0.016518628,
0.124287136,
-0.1831696,
-0.09582354,
0.023981769,
0.49470952,
-0.17858933,
0.006179219,
-0.16700712,
0.73846173,
-0.35459366,
0.02149496,
0.06773652,
-0.18508416,
0.082230724,
0.2626871,
-0.27833477,
0.38332966,
-0.38687766,
-0.06804744,
-0.008354428,
-0.14650181,
0.3815351,
-0.3332774,
-0.10483875,
0.07552127,
-0.101506576,
-0.5449396,
-0.24172513,
0.01831431,
0.45071995,
0.078137755,
-0.021720827,
-0.25621602,
0.37451744,
0.15294866,
-0.38635743,
-0.2919932,
-0.24901547,
-0.20384109,
-0.24693617,
0.10335244,
-0.09998855,
0.35416228,
-0.35559964,
-0.000114366216,
0.08130398,
0.03980006,
0.49788862,
-0.0862044,
-0.098646216,
-0.14772666,
0.41136134,
-0.12477225,
0.10509553,
-0.08731135,
0.026356518,
0.004151888,
0.39104193,
-0.5358908,
-0.43039775,
0.40830773,
-0.24058416,
0.07744683,
-0.07083079,
-0.29025218,
-0.15450202,
-0.22138959,
-0.21275724,
-0.24615133,
-0.04731131,
0.155102,
0.47290435,
-0.035363115,
-0.08946369,
0.14890234,
-0.14637335,
-0.1973122,
-0.051745117,
0.31034783,
0.018198518,
-0.118671164,
-0.024408516,
-0.09288691,
0.074070685,
0.30796087,
-0.33067217,
0.20318459,
-0.0729673,
-0.13846399,
0.0072675203,
0.083691604,
-0.011224475,
0.27402687,
-0.17110649,
0.4507966,
-0.24275099,
0.061155,
0.4729034,
-0.22191243,
0.09031274,
-0.3433979,
-0.21125571,
0.38957798,
-0.06447746,
-0.17222413,
0.29967633,
0.073297344,
0.16665353,
-0.11547428,
0.026215246,
0.1449752,
0.38553098,
-0.2210075,
0.18021515,
-0.15736248,
-0.32984188,
0.072475255,
-0.27899814,
0.009794488,
0.040618613,
0.17757903,
0.0363017,
-0.009983627,
0.48656052,
-0.2129381,
-0.1632773,
-0.22344343,
0.06692099,
-0.021902967,
-0.51396227,
-0.36507118,
0.057411544,
-0.01589131,
-0.2749416,
0.11354231,
0.1817186,
0.37767902,
0.35223788,
0.0045269416,
-0.4450012,
0.3490319,
0.2038036,
-0.1584232,
-0.26546502,
0.15164348,
-0.1606509,
-0.12807733,
0.38042462,
0.047346584,
0.24952081,
-0.26921573,
0.020095602,
0.14061032,
-0.1416289,
-0.29580757,
0.23191258,
0.34483844,
-0.026302988,
0.27091476,
-0.099683456,
0.21816659,
0.2384706,
0.50038093,
-0.23275311,
0.42701912,
0.05264418,
-0.23462576,
-0.12556389,
0.06433925,
0.36117262,
-0.35290647,
-0.15496723,
-0.36897188,
-0.1425187,
0.43285674,
-0.28510267,
-0.45155427,
-0.06567833,
-0.2525604,
-0.045114495,
0.34023446,
-0.1836211,
0.10324262,
-0.18639639,
-0.019828659,
0.17606902,
0.06687658,
0.25005323,
-0.3118013,
-0.19359772,
0.13115487,
0.027732033,
-0.35641068,
0.15904357,
0.050813556,
-0.27935842,
-0.076074675,
-0.38081,
0.07005829,
-0.03871801,
0.19187815,
0.019112878,
-0.087203935,
-0.19280693,
-0.03852499,
0.08627011,
-0.10819462,
0.25735196,
0.35806578,
-0.17595805,
-0.17505151,
0.020660318,
-0.056700327,
-0.24956842,
0.23816006,
-0.121375434,
-0.06281667,
-0.15572584,
-0.034619465,
-0.39095435,
0.08336291,
-0.17690761,
0.1487526,
-0.013138944,
-0.13155426,
-0.2721398,
0.13585258,
0.5185473,
-0.012670407,
0.29446882,
0.3360869,
-0.12276988,
0.076298594,
0.07897137,
-0.18802565,
0.14930081,
-0.10965071,
0.20753795,
-0.0956557,
-0.46797118,
0.27047062,
-0.1496679,
-0.18249136,
0.07497046,
-0.16934448,
-0.08487746,
0.49526346,
0.20976616,
0.3855861,
0.11789979,
-0.07389037,
-0.345933,
-0.14972256,
-0.009770578,
-0.17920728,
0.1411813,
-0.21122803,
-0.033214264,
-0.0045785317,
-0.31588072,
0.4587076,
0.06692307,
0.07279644,
0.3400817,
-0.012330744,
-0.08905465,
0.30350724,
0.04207128,
0.08544832,
0.14537005,
0.058931623,
-0.098669946,
-0.08533543,
-0.13299772,
0.17877914,
0.055298157,
-0.2286946,
-0.1673077,
0.15351117,
0.1681924,
0.0035457131,
-0.23189944,
-0.20249385,
-0.099617384,
0.31354257,
0.10232166,
-0.4194699,
-0.18443517,
0.12576577,
0.23044701,
-0.20347969,
-0.083401725,
-0.13972045,
-0.13857156,
0.034580097,
-0.034621645,
-0.29501867,
0.00002059121,
-0.12906086,
-0.11387988,
-0.017779376,
0.046899997,
-0.30365926,
-0.0863475,
-0.13786127,
-0.099146925,
0.09680049,
-0.113980174,
-0.12549555,
0.062255632,
-0.04226612,
-0.25069922,
-0.30075645,
-0.2594909,
0.036418993,
-0.13427782,
0.30557743,
0.3360169,
0.27576473,
-0.19287266,
-0.34316286,
0.082979985,
-0.1613647,
-0.19595428,
0.1938033,
-0.1758855,
-0.13464896,
0.32619214,
0.2316433,
-0.1861008,
0.40792134,
-0.08017216,
0.1042097,
0.03615527,
-0.02083063,
-0.1348601,
0.17821157,
-0.41869617,
-0.32357678,
0.21035385,
0.16406061,
0.17872322,
0.23221865,
0.10433617,
-0.041793797,
-0.050062977,
-0.073185824,
-0.17225146,
0.0388398,
-0.091141164,
-0.016806979,
0.16844094,
0.24496908,
-0.08394274,
-0.24935631,
-0.36038285,
0.21030205,
-0.061424196,
0.27874893,
-0.035096083,
0.04465859,
-0.20478262,
-0.09114031,
-0.15441383,
-0.13661498,
0.030824194,
-0.13221352,
0.39714015,
-0.15814008,
-0.20242059,
-0.20349747,
0.0036852148,
0.0145342685,
-0.117874995,
0.36938542,
0.32709768,
-0.3516815,
-0.025395956,
-0.13079417,
0.07220635,
0.24464759,
-0.310414,
-0.0026486448,
0.30751705,
0.06719073,
-0.25275353,
-0.10626143,
-0.19515958,
-0.15486564,
-0.108999744,
-0.21618004,
0.227128,
-0.23537914,
0.13085492,
-0.13662207,
0.18838517,
-0.13435483,
0.19780399,
-0.17617856,
0.026045242,
0.018934974,
0.37977552,
0.2857936,
-0.615271,
-0.21716326,
-0.15798676,
-0.14416409,
0.20628788,
-0.05643041,
-0.46343294,
-0.13602364,
-0.04697252,
-0.016112566,
-0.20427954,
-0.16882555,
-0.18504307,
0.017698511,
0.48027852,
-0.01996005,
0.32076204,
0.3363088,
-0.10362358,
0.29028317,
0.12101745,
0.08239545,
-0.25249818,
-0.24038637,
0.00084302673,
-0.25016645,
-0.10091011,
-0.07687574,
-0.085333966,
0.11067859,
0.19860451,
-0.37627506,
0.29374263,
0.18995482,
0.5909813,
-0.017845202,
0.17510323,
-0.0427389,
-0.21648058,
-0.083758205,
-0.08532308,
0.056160755,
0.025522016,
-0.22797748,
-0.19096139,
-0.20102884,
0.41395938,
-0.22157918,
-0.26963583,
-0.11818063,
-0.11827096,
0.08187308,
-0.055428427,
-0.24888371,
-0.08560868,
-0.15033442,
0.31517428,
-0.096937016,
0.24312411,
-0.40057778,
-0.27774736,
-0.36199224,
0.15890732,
0.02141282,
0.23108234,
-0.35068166,
-0.1533696,
0.32580376,
0.018060526,
-0.11540898,
-0.057651427,
-0.35389003,
-0.0029099497,
-0.113641225,
0.39644986,
0.086778976,
-0.1955714,
0.12240536,
0.36662835,
0.0094562685,
0.26567942,
-0.19515896,
0.23376541,
0.018410152,
0.058362573,
0.39568293,
-0.21234281,
-0.2426186,
-0.18519893,
0.02151776,
0.14367892,
-0.2565714,
0.46834984,
-0.44146675,
-0.18969889,
-0.28168142,
-0.1842199,
-0.17237331,
-0.0076785744,
0.22365363,
0.16606526,
0.42659718,
0.38542277,
-0.12171211,
0.14770012,
-0.098303564,
0.0037475238,
0.10959385,
-0.22717324,
0.2349612,
-0.053042058,
-0.19472012,
-0.22006667,
0.14067593,
0.02038197,
0.28841615,
-0.07054087,
0.1760395,
-0.0876135,
0.39058635,
-0.20568475,
0.12639263,
-0.06864365,
0.033885155,
-0.31335297,
-0.3414854,
-0.23912726,
-0.3218248,
-0.3123879,
0.15975037,
-0.118222766,
-0.3240395,
-0.2231648,
0.115579754,
0.02769196,
0.1825676,
0.04335159,
0.44800448,
-0.03401018,
0.05867995,
-0.3276863,
0.14238457,
-0.23114486,
-0.088437706,
0.17574643,
-0.038356204,
-0.45734346,
0.070773914,
-0.2676637,
-0.29714397,
0.3970324,
0.0078153405,
0.09419422,
-0.1262675,
-0.06431533,
0.42265677,
-0.09683667,
0.0328843,
-0.07531087,
0.29985517,
0.4253935,
0.03493003,
-0.025950585,
0.0733773,
0.0661205,
0.4505036,
0.2208561,
0.042716943,
-0.43284562,
-0.0011101313,
0.120997906,
0.084039964,
-0.0232606,
-0.38287538,
-0.18031178,
0.004968129,
-0.1718178,
-0.22096135,
-0.33273134,
-0.24657346,
0.13846663,
-0.15854782,
-0.4041381,
-0.27961996,
0.047779255,
0.3581716,
-0.05708614,
0.19502114,
-0.2538038,
-0.29423597,
-0.41218248,
0.15055886,
0.1142729,
-0.1416442,
-0.12543622,
-0.016797572,
-0.1757029,
0.05356734,
-0.03024895,
-0.19142792,
0.15276186,
-0.44467813,
-0.21218021,
-0.29449904,
-0.27976122,
-0.38790706,
-0.21429321,
0.095072955,
-0.4343642,
-0.17656067,
0.20236786,
-0.17133161,
0.5434509,
0.0039879982,
0.07914458,
0.12659772,
-0.24612018,
-0.07278602,
-0.27733856,
-0.10618576,
-0.2217068,
-0.39760205,
-0.038162928,
-0.09113908,
0.15805493,
0.05071019,
0.03923344,
-0.42478284,
-0.009323117,
0.093437284,
-0.14107539,
-0.15369219,
0.36700064,
0.25633797,
-0.12679198,
-0.25315773,
0.30719462,
-0.17649364,
-0.11394336,
-0.17343558,
0.040313277,
-0.25873736,
-0.04610494,
-0.18645047,
0.44889203,
0.21041207,
-0.46437442,
0.05779822,
-0.34933147,
0.40114978,
-0.03991895,
0.36657795,
-0.21228316,
0.20310152,
0.2497486,
0.21528229,
0.14913885,
-0.20374988,
-0.09425845,
-0.19517852,
-0.11897455,
0.048547782,
-0.029947435,
-0.0490995,
0.11289578,
-0.31159496,
-0.4106597,
-0.06801309,
-0.21448496,
0.34632707,
0.01935371,
-0.06224165,
-0.060976252,
-0.2954212,
-0.08129524,
-0.3708285,
-0.12767668,
-0.102942705,
-0.14910468,
-0.119759224,
0.50614023,
-0.18600193,
-0.039850518,
-0.07051496,
0.03413305,
-0.24210119,
-0.08961682,
-0.33180273,
-0.15797956,
-0.14519481,
-0.19103964,
0.6772937,
0.17904657,
-0.16741517,
-0.305979,
-0.1866242,
0.19587107,
0.1612839,
-0.30813777,
-0.02339808,
-0.17310184,
0.10268715,
0.22300659,
-0.15212174,
-0.28392035,
0.27388206,
0.22300428,
0.485081,
0.14235398,
0.37036777,
-0.43909284,
-0.023325458,
-0.2717179,
-0.060603183,
-0.15649115,
0.008632239,
-0.009779198,
0.26996362,
0.09566039,
0.4840127,
-0.04300549,
0.6092274,
0.01536155,
0.103773326,
0.037685387,
0.2566711,
-0.07679874,
0.29573384,
0.18651295,
-0.2137626,
-0.27465123,
0.14691716,
0.008202603,
-0.22617708,
-0.10353315,
-0.079173654,
0.10016422,
0.65033895,
0.35309023,
0.010411738,
0.5949661,
-0.20298684,
-0.25776783,
-0.21560925,
0.0004724819,
0.29371697,
-0.25525123,
-0.45872834,
-0.14964697,
0.15999475,
-0.17472424,
0.31404233,
0.21386106,
0.1783998,
-0.18767408,
0.027498892,
0.22002058,
0.12662329,
-0.2390967,
0.091737546,
-0.31563172,
-0.18686162,
0.029959474,
0.4775618,
-0.5540558,
0.4705409,
0.34925315,
-0.04301882,
-0.20672813,
-0.34825483,
0.41115022,
-0.11032849,
-0.17275125,
-0.13087073,
-0.03771004,
0.37122428,
-0.037670687,
-0.17108412,
0.028280776,
-0.00077550113,
-0.34983754,
-0.08164399,
0.04028576,
-0.3655294,
-0.1475387,
0.29205534,
0.012522324,
0.13571171,
0.1104061,
0.0053970097,
0.25894547,
-0.36808017,
-0.14820744,
-0.18065841,
-0.29399943,
-0.22107302,
0.28885087,
-0.07260885,
0.50116175,
0.35839927,
-0.10564388,
-0.15238233,
-0.13524663,
0.13607028,
-0.2074946,
-0.00656714,
-0.16799076,
0.21549805,
-0.08454082,
0.021397999,
-0.09871742,
0.357204,
0.2018961,
-0.050623108,
0.11082567,
0.046429817,
-0.19583774,
-0.021317968,
-0.09717862,
0.10018858,
-0.11305498,
-0.14263946,
-0.107638106,
-0.018366776,
-0.055502936,
0.49570104,
0.10804172,
0.2347906,
-0.26712254,
-0.15823257,
-0.37234607,
0.17444794,
0.14242363,
0.12930135,
-0.007679428,
0.33781603,
-0.059996217,
0.003151708,
-0.28186294,
-0.033088714,
0.037770912,
-0.15736274,
-0.06575746,
-0.33075172,
-0.1970324,
0.31111336,
-0.0825133,
0.449657,
0.054499693,
-0.3518611,
0.36819625,
0.108442634,
-0.008571076,
0.032158103,
0.10100963,
-0.32338518,
0.019094821,
-0.40747613,
0.059103623,
0.36844704,
0.22814333,
0.19433354,
0.28877884,
-0.10200076,
-0.08137888,
-0.33690104,
-0.116560444,
0.31023592,
0.19985089,
0.21265373,
0.25057638,
-0.12686953,
-0.1851172,
0.46479666,
-0.06552939,
-0.11188165,
0.10035203,
-0.4853424,
-0.20188086,
-0.2059288,
0.12884447,
-0.3363662,
0.23982711,
-0.60983527,
-0.063373506,
0.038656924,
0.21914604,
0.12751137,
0.029270785,
0.06824323,
0.12945022,
0.18146577,
-0.05369937,
0.11697295,
-0.07212107,
-0.23541784,
0.21305212,
-0.17200008,
-0.31283575,
-0.20105773,
-0.0969706,
0.3179397,
0.18057993,
-0.19523749,
-0.36529207,
-0.20132995,
-0.026868764,
0.07185223,
0.027024873,
0.34061605,
0.2326038,
0.049912304,
-0.30235517,
0.14784934,
-0.09251905,
-0.32162252,
0.28244913,
-0.21352287,
-0.5114002,
0.19204739,
0.04278433,
0.0049231444,
-0.17971332,
0.26955387,
0.5177673,
-0.27999225,
0.15124288,
0.052772712,
0.27949837,
0.07855685,
-0.16882941,
0.21823673,
0.10574789,
-0.057213057,
-0.0355338,
-0.40178573,
0.251749,
-0.1877174,
-0.18365686,
0.10318162,
-0.08843808,
0.32975876,
-0.06284676,
-0.024629256,
0.17968005,
0.21273674,
0.26374745,
0.22236502,
-0.1155144,
-0.12016904,
0.05548605,
-0.123557374,
-0.12197958,
0.03163075,
0.09979253,
0.30476958,
0.28105783,
-0.19423357,
0.6300741,
0.07464093,
0.07303753,
0.0034020047,
0.20004067,
-0.1539616,
-0.29285756,
-0.009890389,
0.10356597,
0.07248411,
-0.16049358,
0.5513761,
-0.009447511,
0.3105872,
-0.0072290683,
0.00828071,
0.19599006,
0.22994775,
-0.15183327,
-0.37625754,
-0.06870983,
0.23922727,
0.8865084
],
"xaxis": "x",
"yaxis": "y"
}
],
"layout": {
"annotations": [
{
"font": {},
"showarrow": false,
"text": "dataset=test",
"textangle": 90,
"x": 0.98,
"xanchor": "left",
"xref": "paper",
"y": 0.2425,
"yanchor": "middle",
"yref": "paper"
},
{
"font": {},
"showarrow": false,
"text": "dataset=train",
"textangle": 90,
"x": 0.98,
"xanchor": "left",
"xref": "paper",
"y": 0.7575000000000001,
"yanchor": "middle",
"yref": "paper"
}
],
"barmode": "overlay",
"legend": {
"title": {
"text": "label"
},
"tracegroupgap": 0
},
"margin": {
"t": 60
},
"template": {
"data": {
"bar": [
{
"error_x": {
"color": "#2a3f5f"
},
"error_y": {
"color": "#2a3f5f"
},
"marker": {
"line": {
"color": "#E5ECF6",
"width": 0.5
},
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "bar"
}
],
"barpolar": [
{
"marker": {
"line": {
"color": "#E5ECF6",
"width": 0.5
},
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "barpolar"
}
],
"carpet": [
{
"aaxis": {
"endlinecolor": "#2a3f5f",
"gridcolor": "white",
"linecolor": "white",
"minorgridcolor": "white",
"startlinecolor": "#2a3f5f"
},
"baxis": {
"endlinecolor": "#2a3f5f",
"gridcolor": "white",
"linecolor": "white",
"minorgridcolor": "white",
"startlinecolor": "#2a3f5f"
},
"type": "carpet"
}
],
"choropleth": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "choropleth"
}
],
"contour": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "contour"
}
],
"contourcarpet": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "contourcarpet"
}
],
"heatmap": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "heatmap"
}
],
"heatmapgl": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "heatmapgl"
}
],
"histogram": [
{
"marker": {
"pattern": {
"fillmode": "overlay",
"size": 10,
"solidity": 0.2
}
},
"type": "histogram"
}
],
"histogram2d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "histogram2d"
}
],
"histogram2dcontour": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "histogram2dcontour"
}
],
"mesh3d": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"type": "mesh3d"
}
],
"parcoords": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "parcoords"
}
],
"pie": [
{
"automargin": true,
"type": "pie"
}
],
"scatter": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatter"
}
],
"scatter3d": [
{
"line": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatter3d"
}
],
"scattercarpet": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattercarpet"
}
],
"scattergeo": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattergeo"
}
],
"scattergl": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattergl"
}
],
"scattermapbox": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scattermapbox"
}
],
"scatterpolar": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterpolar"
}
],
"scatterpolargl": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterpolargl"
}
],
"scatterternary": [
{
"marker": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"type": "scatterternary"
}
],
"surface": [
{
"colorbar": {
"outlinewidth": 0,
"ticks": ""
},
"colorscale": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"type": "surface"
}
],
"table": [
{
"cells": {
"fill": {
"color": "#EBF0F8"
},
"line": {
"color": "white"
}
},
"header": {
"fill": {
"color": "#C8D4E3"
},
"line": {
"color": "white"
}
},
"type": "table"
}
]
},
"layout": {
"annotationdefaults": {
"arrowcolor": "#2a3f5f",
"arrowhead": 0,
"arrowwidth": 1
},
"autotypenumbers": "strict",
"coloraxis": {
"colorbar": {
"outlinewidth": 0,
"ticks": ""
}
},
"colorscale": {
"diverging": [
[
0,
"#8e0152"
],
[
0.1,
"#c51b7d"
],
[
0.2,
"#de77ae"
],
[
0.3,
"#f1b6da"
],
[
0.4,
"#fde0ef"
],
[
0.5,
"#f7f7f7"
],
[
0.6,
"#e6f5d0"
],
[
0.7,
"#b8e186"
],
[
0.8,
"#7fbc41"
],
[
0.9,
"#4d9221"
],
[
1,
"#276419"
]
],
"sequential": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
],
"sequentialminus": [
[
0,
"#0d0887"
],
[
0.1111111111111111,
"#46039f"
],
[
0.2222222222222222,
"#7201a8"
],
[
0.3333333333333333,
"#9c179e"
],
[
0.4444444444444444,
"#bd3786"
],
[
0.5555555555555556,
"#d8576b"
],
[
0.6666666666666666,
"#ed7953"
],
[
0.7777777777777778,
"#fb9f3a"
],
[
0.8888888888888888,
"#fdca26"
],
[
1,
"#f0f921"
]
]
},
"colorway": [
"#636efa",
"#EF553B",
"#00cc96",
"#ab63fa",
"#FFA15A",
"#19d3f3",
"#FF6692",
"#B6E880",
"#FF97FF",
"#FECB52"
],
"font": {
"color": "#2a3f5f"
},
"geo": {
"bgcolor": "white",
"lakecolor": "white",
"landcolor": "#E5ECF6",
"showlakes": true,
"showland": true,
"subunitcolor": "white"
},
"hoverlabel": {
"align": "left"
},
"hovermode": "closest",
"mapbox": {
"style": "light"
},
"paper_bgcolor": "white",
"plot_bgcolor": "#E5ECF6",
"polar": {
"angularaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"bgcolor": "#E5ECF6",
"radialaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
}
},
"scene": {
"xaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
},
"yaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
},
"zaxis": {
"backgroundcolor": "#E5ECF6",
"gridcolor": "white",
"gridwidth": 2,
"linecolor": "white",
"showbackground": true,
"ticks": "",
"zerolinecolor": "white"
}
},
"shapedefaults": {
"line": {
"color": "#2a3f5f"
}
},
"ternary": {
"aaxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"baxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
},
"bgcolor": "#E5ECF6",
"caxis": {
"gridcolor": "white",
"linecolor": "white",
"ticks": ""
}
},
"title": {
"x": 0.05
},
"xaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"title": {
"standoff": 15
},
"zerolinecolor": "white",
"zerolinewidth": 2
},
"yaxis": {
"automargin": true,
"gridcolor": "white",
"linecolor": "white",
"ticks": "",
"title": {
"standoff": 15
},
"zerolinecolor": "white",
"zerolinewidth": 2
}
}
},
"width": 500,
"xaxis": {
"anchor": "y",
"domain": [
0,
0.98
],
"title": {
"text": "cosine_similarity_custom"
}
},
"xaxis2": {
"anchor": "y2",
"domain": [
0,
0.98
],
"matches": "x",
"showticklabels": false
},
"yaxis": {
"anchor": "x",
"domain": [
0,
0.485
],
"title": {
"text": "count"
}
},
"yaxis2": {
"anchor": "x2",
"domain": [
0.515,
1
],
"matches": "y",
"title": {
"text": "count"
}
}
}
}
},
"metadata": {},
"output_type": "display_data"
},
{
"name": "stdout",
"output_type": "stream",
"text": [
"Test accuracy after customization: 94.5% ± 1.0%\n"
]
}
],
"source": [
"# plot similarity distribution BEFORE customization\n",
"px.histogram(\n",
" df,\n",
" x=\"cosine_similarity\",\n",
" color=\"label\",\n",
" barmode=\"overlay\",\n",
" width=500,\n",
" facet_row=\"dataset\",\n",
").show()\n",
"\n",
"test_df = df[df['dataset'] == 'test']\n",
"a, se = accuracy_and_se(test_df[\"cosine_similarity\"], test_df[\"label\"])\n",
"print(f'Test accuracy: {a:0.1%} ± {1.96 * se:0.1%}')\n",
"\n",
"# plot similarity distribution AFTER customization\n",
"px.histogram(\n",
" df,\n",
" x=\"cosine_similarity_custom\",\n",
" color=\"label\",\n",
" barmode=\"overlay\",\n",
" width=500,\n",
" facet_row=\"dataset\",\n",
").show()\n",
"\n",
"a, se = accuracy_and_se(test_df[\"cosine_similarity_custom\"], test_df[\"label\"])\n",
"print(f'Test accuracy after customization: {a:0.1%} ± {1.96 * se:0.1%}')\n",
"\n"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"id": "XO7iqiVjpgkT",
"outputId": "a100a9e0-d5aa-46ab-b8a7-4ec6f7bd1cec"
},
"outputs": [
{
"data": {
"text/plain": [
"array([[-1.3517092 , 0.28163946, 0.9140799 , ..., 0.12247127,\n",
" -0.1615858 , -0.08879007],\n",
" [ 0.8833686 , -0.844946 , 2.1167974 , ..., -0.63856494,\n",
" 0.37139723, -0.5635943 ],\n",
" [ 0.2253975 , -0.58070326, -0.8530685 , ..., 0.61836195,\n",
" 1.5728145 , 0.39455906],\n",
" ...,\n",
" [ 0.00959156, 0.10840097, 0.9884689 , ..., -0.25716397,\n",
" 0.79389465, 0.16435517],\n",
" [-1.006916 , 1.0257064 , 0.32284895, ..., -0.37429097,\n",
" -0.57910526, -1.4773123 ],\n",
" [ 0.01498076, 1.5009826 , -1.0185508 , ..., 0.4380649 ,\n",
" 0.42969966, 1.0704373 ]], dtype=float32)"
]
},
"execution_count": 20,
"metadata": {},
"output_type": "execute_result"
}
],
"source": [
"best_matrix # this is what you can multiply your embeddings by\n"
]
},
{
"cell_type": "code",
"execution_count": null,
"metadata": {
"id": "dPF-sczmpgkT"
},
"outputs": [],
"source": [
""
]
}
],
"metadata": {
"interpreter": {
"hash": "365536dcbde60510dc9073d6b991cd35db2d9bac356a11f5b64279a5e6708b97"
},
"kernelspec": {
"display_name": "Python 3.9.9 ('openai')",
"language": "python",
"name": "python3"
},
"language_info": {
"codemirror_mode": {
"name": "ipython",
"version": 3
},
"file_extension": ".py",
"mimetype": "text/x-python",
"name": "python",
"nbconvert_exporter": "python",
"pygments_lexer": "ipython3",
"version": "3.9.9"
},
"orig_nbformat": 4,
"colab": {
"name": "customized_embeddings_example_with_synthetic_negatives.ipynb",
"provenance": []
}
},
"nbformat": 4,
"nbformat_minor": 0
}